├── .gitattributes ├── .vscode ├── launch.json └── settings.json ├── LICENSE ├── README.md ├── common_utils.py ├── global_test.py ├── icons ├── bg_load_fail.png ├── bg_load_success.png ├── bg_normal.png ├── bg_start_load.png ├── logo.png ├── news.png └── no_news.png ├── image_widget.py ├── image_widget.ui ├── info.json ├── main_widget.py ├── main_widget.ui ├── model_zoo ├── YoloFastest │ ├── README.md │ ├── alg.py │ ├── cfg.yaml │ ├── data │ │ ├── coco.data │ │ └── coco.names │ ├── evaluation.py │ ├── genanchors.py │ ├── img │ │ ├── 000148.jpg │ │ ├── 000148_result.png │ │ ├── 000181.jpg │ │ ├── 000181_result.png │ │ ├── 000230.jpg │ │ ├── 000230_result.png │ │ ├── 003385.jpg │ │ ├── 003385_result.png │ │ ├── demo.png │ │ ├── dog.jpg │ │ └── dog_result.png │ ├── model │ │ ├── backbone │ │ │ ├── backbone.pth │ │ │ └── shufflenetv2.py │ │ ├── detector.py │ │ └── fpn.py │ ├── pytorch2onnx.py │ ├── sample │ │ └── ncnn │ │ │ └── yolo-fastestv2.cpp │ ├── test.py │ ├── train.py │ ├── utils │ │ ├── datasets.py │ │ ├── loss.py │ │ └── utils.py │ └── weights │ │ └── README.md ├── YoloV3 │ ├── alg.py │ ├── cfg.yaml │ ├── config │ │ ├── coco.data │ │ ├── create_custom_model.sh │ │ ├── custom.data │ │ ├── yolov3-tiny.cfg │ │ └── yolov3.cfg │ ├── data │ │ ├── coco.names │ │ ├── custom │ │ │ └── classes.names │ │ └── get_coco_dataset.sh │ └── pytorchyolo │ │ ├── __init__.py │ │ ├── detect.py │ │ ├── models.py │ │ ├── test.py │ │ ├── train.py │ │ └── utils │ │ ├── __init__.py │ │ ├── augmentations.py │ │ ├── datasets.py │ │ ├── logger.py │ │ ├── loss.py │ │ ├── parse_config.py │ │ ├── transforms.py │ │ └── utils.py ├── YoloV4 │ ├── .gitignore │ ├── DeepStream │ │ ├── Readme.md │ │ ├── config_infer_primary_yoloV4.txt │ │ ├── deepstream_app_config_yoloV4.txt │ │ ├── labels.txt │ │ └── nvdsinfer_custom_impl_Yolo │ │ │ ├── Makefile │ │ │ ├── Readme.md │ │ │ ├── kernels.cu │ │ │ ├── nvdsinfer_yolo_engine.cpp │ │ │ ├── nvdsparsebbox_Yolo.cpp │ │ │ ├── trt_utils.cpp │ │ │ ├── trt_utils.h │ │ │ ├── yolo.cpp │ │ │ ├── yolo.h │ │ │ ├── yoloPlugins.cpp │ │ │ └── yoloPlugins.h │ ├── License.txt │ ├── README.md │ ├── Use_yolov4_to_train_your_own_data.md │ ├── alg.py │ ├── cfg.py │ ├── cfg.yaml │ ├── cfg │ │ ├── yolov3-tiny.cfg │ │ ├── yolov3.cfg │ │ ├── yolov4-custom.cfg │ │ ├── yolov4-tiny.cfg │ │ └── yolov4.cfg │ ├── data │ │ ├── coco.names │ │ └── voc.names │ ├── dataset.py │ ├── demo.py │ ├── demo_darknet2onnx.py │ ├── demo_pytorch2onnx.py │ ├── demo_tensorflow.py │ ├── demo_trt.py │ ├── evaluate_on_coco.py │ ├── models.py │ ├── tool │ │ ├── __init__.py │ │ ├── camera.py │ │ ├── coco_annotation.py │ │ ├── config.py │ │ ├── darknet2onnx.py │ │ ├── darknet2pytorch.py │ │ ├── onnx2tensorflow.py │ │ ├── region_loss.py │ │ ├── torch_utils.py │ │ ├── tv_reference │ │ │ ├── README.md │ │ │ ├── coco_eval.py │ │ │ ├── coco_utils.py │ │ │ ├── engine.py │ │ │ ├── group_by_aspect_ratio.py │ │ │ ├── train.py │ │ │ ├── transforms.py │ │ │ └── utils.py │ │ ├── utils.py │ │ ├── utils_iou.py │ │ ├── utils_iou_test.py │ │ └── yolo_layer.py │ └── train.py ├── YoloV5 │ ├── .dockerignore │ ├── .gitattributes │ ├── .gitignore │ ├── CONTRIBUTING.md │ ├── Dockerfile │ ├── LICENSE │ ├── README.md │ ├── alg.py │ ├── cfg.yaml │ ├── detect.py │ ├── export.py │ ├── hubconf.py │ ├── models │ │ ├── __init__.py │ │ ├── common.py │ │ ├── experimental.py │ │ ├── export.py │ │ ├── hub │ │ │ ├── anchors.yaml │ │ │ ├── yolov3-spp.yaml │ │ │ ├── yolov3-tiny.yaml │ │ │ ├── yolov3.yaml │ │ │ ├── yolov5-bifpn.yaml │ │ │ ├── yolov5-fpn.yaml │ │ │ ├── yolov5-p2.yaml │ │ │ ├── yolov5-p6.yaml │ │ │ ├── yolov5-p7.yaml │ │ │ ├── yolov5-panet.yaml │ │ │ ├── yolov5l6.yaml │ │ │ ├── yolov5m6.yaml │ │ │ ├── yolov5n6.yaml │ │ │ ├── yolov5s-ghost.yaml │ │ │ ├── yolov5s-transformer.yaml │ │ │ ├── yolov5s6.yaml │ │ │ └── yolov5x6.yaml │ │ ├── tf.py │ │ ├── yolo.py │ │ ├── yolov5l.yaml │ │ ├── yolov5m.yaml │ │ ├── yolov5n.yaml │ │ ├── yolov5s.yaml │ │ ├── yolov5s_1cls.yaml │ │ ├── yolov5s_elec_bicycle.yaml │ │ ├── yolov5s_lite_7cls.yaml │ │ └── yolov5x.yaml │ ├── train.py │ ├── tutorial.ipynb │ ├── utils │ │ ├── __init__.py │ │ ├── activations.py │ │ ├── augmentations.py │ │ ├── autoanchor.py │ │ ├── aws │ │ │ ├── __init__.py │ │ │ ├── mime.sh │ │ │ ├── resume.py │ │ │ └── userdata.sh │ │ ├── callbacks.py │ │ ├── datasets.py │ │ ├── downloads.py │ │ ├── flask_rest_api │ │ │ ├── README.md │ │ │ ├── example_request.py │ │ │ └── restapi.py │ │ ├── general.py │ │ ├── google_app_engine │ │ │ ├── Dockerfile │ │ │ ├── additional_requirements.txt │ │ │ └── app.yaml │ │ ├── google_utils.py │ │ ├── loggers │ │ │ ├── __init__.py │ │ │ └── wandb │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── log_dataset.py │ │ │ │ ├── sweep.py │ │ │ │ ├── sweep.yaml │ │ │ │ └── wandb_utils.py │ │ ├── loss.py │ │ ├── metrics.py │ │ ├── plots.py │ │ ├── torch_utils.py │ │ └── wandb_logging │ │ │ ├── __init__.py │ │ │ ├── log_dataset.py │ │ │ └── wandb_utils.py │ └── val.py └── YoloX │ ├── .gitignore │ ├── .readthedocs.yaml │ ├── LICENSE │ ├── README.md │ ├── alg.py │ ├── assets │ ├── demo.png │ ├── dog.jpg │ ├── git_fig.png │ └── logo.png │ ├── cfg.yaml │ ├── demo │ ├── MegEngine │ │ ├── cpp │ │ │ ├── README.md │ │ │ ├── build.sh │ │ │ └── yolox.cpp │ │ └── python │ │ │ ├── README.md │ │ │ ├── build.py │ │ │ ├── convert_weights.py │ │ │ ├── demo.py │ │ │ ├── dump.py │ │ │ └── models │ │ │ ├── __init__.py │ │ │ ├── darknet.py │ │ │ ├── network_blocks.py │ │ │ ├── yolo_fpn.py │ │ │ ├── yolo_head.py │ │ │ ├── yolo_pafpn.py │ │ │ └── yolox.py │ ├── ONNXRuntime │ │ ├── README.md │ │ └── onnx_inference.py │ ├── OpenVINO │ │ ├── README.md │ │ ├── cpp │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ └── yolox_openvino.cpp │ │ └── python │ │ │ ├── README.md │ │ │ └── openvino_inference.py │ ├── TensorRT │ │ ├── cpp │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── logging.h │ │ │ └── yolox.cpp │ │ └── python │ │ │ └── README.md │ └── ncnn │ │ ├── android │ │ ├── README.md │ │ ├── app │ │ │ ├── build.gradle │ │ │ └── src │ │ │ │ └── main │ │ │ │ ├── AndroidManifest.xml │ │ │ │ ├── assets │ │ │ │ └── yolox.param │ │ │ │ ├── java │ │ │ │ └── com │ │ │ │ │ └── megvii │ │ │ │ │ └── yoloXncnn │ │ │ │ │ ├── MainActivity.java │ │ │ │ │ └── YOLOXncnn.java │ │ │ │ ├── jni │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── yoloXncnn_jni.cpp │ │ │ │ └── res │ │ │ │ ├── layout │ │ │ │ └── main.xml │ │ │ │ └── values │ │ │ │ └── strings.xml │ │ ├── build.gradle │ │ ├── gradle │ │ │ └── wrapper │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ └── gradle-wrapper.properties │ │ ├── gradlew │ │ ├── gradlew.bat │ │ └── settings.gradle │ │ └── cpp │ │ ├── README.md │ │ └── yolox.cpp │ ├── docs │ ├── .gitignore │ ├── Makefile │ ├── _static │ │ └── css │ │ │ └── custom.css │ ├── conf.py │ ├── demo │ │ ├── megengine_cpp_readme.md │ │ ├── megengine_py_readme.md │ │ ├── ncnn_android_readme.md │ │ ├── ncnn_cpp_readme.md │ │ ├── onnx_readme.md │ │ ├── openvino_cpp_readme.md │ │ ├── openvino_py_readme.md │ │ ├── trt_cpp_readme.md │ │ └── trt_py_readme.md │ ├── index.rst │ ├── model_zoo.md │ ├── quick_run.md │ ├── requirements-doc.txt │ └── train_custom_data.md │ ├── exps │ ├── default │ │ ├── nano.py │ │ ├── yolov3.py │ │ ├── yolox_l.py │ │ ├── yolox_m.py │ │ ├── yolox_s.py │ │ ├── yolox_tiny.py │ │ └── yolox_x.py │ └── example │ │ ├── custom │ │ ├── nano.py │ │ └── yolox_s.py │ │ └── yolox_voc │ │ └── yolox_voc_s.py │ ├── setup.cfg │ ├── setup.py │ ├── tools │ ├── demo.py │ ├── eval.py │ ├── export_onnx.py │ ├── train.py │ └── trt.py │ └── yolox │ ├── __init__.py │ ├── core │ ├── __init__.py │ ├── launch.py │ └── trainer.py │ ├── data │ ├── __init__.py │ ├── data_augment.py │ ├── data_prefetcher.py │ ├── dataloading.py │ ├── datasets │ │ ├── __init__.py │ │ ├── coco.py │ │ ├── coco_classes.py │ │ ├── datasets_wrapper.py │ │ ├── mosaicdetection.py │ │ ├── voc.py │ │ └── voc_classes.py │ └── samplers.py │ ├── evaluators │ ├── __init__.py │ ├── coco_evaluator.py │ ├── voc_eval.py │ └── voc_evaluator.py │ ├── exp │ ├── __init__.py │ ├── base_exp.py │ ├── build.py │ └── yolox_base.py │ ├── layers │ ├── __init__.py │ ├── csrc │ │ ├── cocoeval │ │ │ ├── cocoeval.cpp │ │ │ └── cocoeval.h │ │ └── vision.cpp │ └── fast_coco_eval_api.py │ ├── models │ ├── __init__.py │ ├── darknet.py │ ├── losses.py │ ├── network_blocks.py │ ├── yolo_fpn.py │ ├── yolo_head.py │ ├── yolo_pafpn.py │ └── yolox.py │ └── utils │ ├── __init__.py │ ├── allreduce_norm.py │ ├── boxes.py │ ├── checkpoint.py │ ├── demo_utils.py │ ├── dist.py │ ├── ema.py │ ├── logger.py │ ├── lr_scheduler.py │ ├── metric.py │ ├── model_utils.py │ ├── setup_env.py │ └── visualize.py ├── requirements.txt ├── test.jpg └── test.sh /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/.gitattributes -------------------------------------------------------------------------------- /.vscode/launch.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/.vscode/launch.json -------------------------------------------------------------------------------- /.vscode/settings.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/.vscode/settings.json -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/README.md -------------------------------------------------------------------------------- /common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/common_utils.py -------------------------------------------------------------------------------- /global_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/global_test.py -------------------------------------------------------------------------------- /icons/bg_load_fail.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/bg_load_fail.png -------------------------------------------------------------------------------- /icons/bg_load_success.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/bg_load_success.png -------------------------------------------------------------------------------- /icons/bg_normal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/bg_normal.png -------------------------------------------------------------------------------- /icons/bg_start_load.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/bg_start_load.png -------------------------------------------------------------------------------- /icons/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/logo.png -------------------------------------------------------------------------------- /icons/news.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/news.png -------------------------------------------------------------------------------- /icons/no_news.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/icons/no_news.png -------------------------------------------------------------------------------- /image_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/image_widget.py -------------------------------------------------------------------------------- /image_widget.ui: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/image_widget.ui -------------------------------------------------------------------------------- /info.json: -------------------------------------------------------------------------------- 1 | {"version": "YoloAll V2.0.1", "news_id": 0} -------------------------------------------------------------------------------- /main_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/main_widget.py -------------------------------------------------------------------------------- /main_widget.ui: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/main_widget.ui -------------------------------------------------------------------------------- /model_zoo/YoloFastest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/README.md -------------------------------------------------------------------------------- /model_zoo/YoloFastest/alg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/alg.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/cfg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/cfg.yaml -------------------------------------------------------------------------------- /model_zoo/YoloFastest/data/coco.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/data/coco.data -------------------------------------------------------------------------------- /model_zoo/YoloFastest/data/coco.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/data/coco.names -------------------------------------------------------------------------------- /model_zoo/YoloFastest/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/evaluation.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/genanchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/genanchors.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000148.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000148.jpg -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000148_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000148_result.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000181.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000181.jpg -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000181_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000181_result.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000230.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000230.jpg -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/000230_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/000230_result.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/003385.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/003385.jpg -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/003385_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/003385_result.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/demo.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/dog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/dog.jpg -------------------------------------------------------------------------------- /model_zoo/YoloFastest/img/dog_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/img/dog_result.png -------------------------------------------------------------------------------- /model_zoo/YoloFastest/model/backbone/backbone.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/model/backbone/backbone.pth -------------------------------------------------------------------------------- /model_zoo/YoloFastest/model/backbone/shufflenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/model/backbone/shufflenetv2.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/model/detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/model/detector.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/model/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/model/fpn.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/pytorch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/pytorch2onnx.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/sample/ncnn/yolo-fastestv2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/sample/ncnn/yolo-fastestv2.cpp -------------------------------------------------------------------------------- /model_zoo/YoloFastest/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/test.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/train.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/utils/datasets.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/utils/loss.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloFastest/utils/utils.py -------------------------------------------------------------------------------- /model_zoo/YoloFastest/weights/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV3/alg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/alg.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/cfg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/cfg.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV3/config/coco.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/config/coco.data -------------------------------------------------------------------------------- /model_zoo/YoloV3/config/create_custom_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/config/create_custom_model.sh -------------------------------------------------------------------------------- /model_zoo/YoloV3/config/custom.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/config/custom.data -------------------------------------------------------------------------------- /model_zoo/YoloV3/config/yolov3-tiny.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/config/yolov3-tiny.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV3/config/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/config/yolov3.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV3/data/coco.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/data/coco.names -------------------------------------------------------------------------------- /model_zoo/YoloV3/data/custom/classes.names: -------------------------------------------------------------------------------- 1 | train 2 | -------------------------------------------------------------------------------- /model_zoo/YoloV3/data/get_coco_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/data/get_coco_dataset.sh -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/detect.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/models.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/test.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/train.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/augmentations.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/datasets.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/logger.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/loss.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/parse_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/parse_config.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/transforms.py -------------------------------------------------------------------------------- /model_zoo/YoloV3/pytorchyolo/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV3/pytorchyolo/utils/utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/.gitignore -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/Readme.md -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/config_infer_primary_yoloV4.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/config_infer_primary_yoloV4.txt -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/deepstream_app_config_yoloV4.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/deepstream_app_config_yoloV4.txt -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/labels.txt -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/Makefile -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/Readme.md: -------------------------------------------------------------------------------- 1 | export CUDA_VER=X.Y 2 | make 3 | -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/kernels.cu -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/nvdsinfer_yolo_engine.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/nvdsinfer_yolo_engine.cpp -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/nvdsparsebbox_Yolo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/nvdsparsebbox_Yolo.cpp -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/trt_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/trt_utils.cpp -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/trt_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/trt_utils.h -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yolo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yolo.cpp -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yolo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yolo.h -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yoloPlugins.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yoloPlugins.cpp -------------------------------------------------------------------------------- /model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yoloPlugins.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/DeepStream/nvdsinfer_custom_impl_Yolo/yoloPlugins.h -------------------------------------------------------------------------------- /model_zoo/YoloV4/License.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/License.txt -------------------------------------------------------------------------------- /model_zoo/YoloV4/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/README.md -------------------------------------------------------------------------------- /model_zoo/YoloV4/Use_yolov4_to_train_your_own_data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/Use_yolov4_to_train_your_own_data.md -------------------------------------------------------------------------------- /model_zoo/YoloV4/alg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/alg.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg/yolov3-tiny.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg/yolov3-tiny.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg/yolov3.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg/yolov3.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg/yolov4-custom.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg/yolov4-custom.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg/yolov4-tiny.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg/yolov4-tiny.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV4/cfg/yolov4.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/cfg/yolov4.cfg -------------------------------------------------------------------------------- /model_zoo/YoloV4/data/coco.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/data/coco.names -------------------------------------------------------------------------------- /model_zoo/YoloV4/data/voc.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/data/voc.names -------------------------------------------------------------------------------- /model_zoo/YoloV4/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/dataset.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/demo.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/demo_darknet2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/demo_darknet2onnx.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/demo_pytorch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/demo_pytorch2onnx.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/demo_tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/demo_tensorflow.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/demo_trt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/demo_trt.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/evaluate_on_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/evaluate_on_coco.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/models.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/camera.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/camera.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/coco_annotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/coco_annotation.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/config.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/darknet2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/darknet2onnx.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/darknet2pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/darknet2pytorch.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/onnx2tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/onnx2tensorflow.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/region_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/region_loss.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/torch_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/README.md -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/coco_eval.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/coco_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/engine.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/group_by_aspect_ratio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/group_by_aspect_ratio.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/train.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/transforms.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/tv_reference/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/tv_reference/utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/utils_iou.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/utils_iou.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/utils_iou_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/utils_iou_test.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/tool/yolo_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/tool/yolo_layer.py -------------------------------------------------------------------------------- /model_zoo/YoloV4/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV4/train.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/.dockerignore -------------------------------------------------------------------------------- /model_zoo/YoloV5/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/.gitattributes -------------------------------------------------------------------------------- /model_zoo/YoloV5/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/.gitignore -------------------------------------------------------------------------------- /model_zoo/YoloV5/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/CONTRIBUTING.md -------------------------------------------------------------------------------- /model_zoo/YoloV5/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/Dockerfile -------------------------------------------------------------------------------- /model_zoo/YoloV5/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/LICENSE -------------------------------------------------------------------------------- /model_zoo/YoloV5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/README.md -------------------------------------------------------------------------------- /model_zoo/YoloV5/alg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/alg.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/cfg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/cfg.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/detect.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/export.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/hubconf.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/common.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/experimental.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/export.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/anchors.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/anchors.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov3-spp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov3-spp.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov3-tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov3-tiny.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov3.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-bifpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-bifpn.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-fpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-fpn.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-p2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-p2.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-p6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-p7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-p7.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5-panet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5-panet.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5l6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5l6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5m6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5m6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5n6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5n6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5s-ghost.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5s-ghost.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5s-transformer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5s-transformer.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5s6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5s6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/hub/yolov5x6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/hub/yolov5x6.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/tf.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolo.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5l.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5m.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5m.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5n.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5n.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5s.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5s_1cls.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5s_1cls.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5s_elec_bicycle.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5s_elec_bicycle.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5s_lite_7cls.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5s_lite_7cls.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/models/yolov5x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/models/yolov5x.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/train.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/tutorial.ipynb -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/activations.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/augmentations.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/autoanchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/autoanchor.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/aws/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/aws/mime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/aws/mime.sh -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/aws/resume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/aws/resume.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/aws/userdata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/aws/userdata.sh -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/callbacks.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/datasets.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/downloads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/downloads.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/flask_rest_api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/flask_rest_api/README.md -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/flask_rest_api/example_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/flask_rest_api/example_request.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/flask_rest_api/restapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/flask_rest_api/restapi.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/general.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/google_app_engine/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/google_app_engine/Dockerfile -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/google_app_engine/additional_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/google_app_engine/additional_requirements.txt -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/google_app_engine/app.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/google_app_engine/app.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/google_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/google_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/wandb/README.md -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/log_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/wandb/log_dataset.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/sweep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/wandb/sweep.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/sweep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/wandb/sweep.yaml -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loggers/wandb/wandb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loggers/wandb/wandb_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/loss.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/metrics.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/plots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/plots.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/torch_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/wandb_logging/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/wandb_logging/log_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/wandb_logging/log_dataset.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/utils/wandb_logging/wandb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/utils/wandb_logging/wandb_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloV5/val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloV5/val.py -------------------------------------------------------------------------------- /model_zoo/YoloX/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/.gitignore -------------------------------------------------------------------------------- /model_zoo/YoloX/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/.readthedocs.yaml -------------------------------------------------------------------------------- /model_zoo/YoloX/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/LICENSE -------------------------------------------------------------------------------- /model_zoo/YoloX/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/alg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/alg.py -------------------------------------------------------------------------------- /model_zoo/YoloX/assets/demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/assets/demo.png -------------------------------------------------------------------------------- /model_zoo/YoloX/assets/dog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/assets/dog.jpg -------------------------------------------------------------------------------- /model_zoo/YoloX/assets/git_fig.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/assets/git_fig.png -------------------------------------------------------------------------------- /model_zoo/YoloX/assets/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/assets/logo.png -------------------------------------------------------------------------------- /model_zoo/YoloX/cfg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/cfg.yaml -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/cpp/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/cpp/build.sh -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/cpp/yolox.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/build.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/convert_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/convert_weights.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/demo.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/dump.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/dump.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/darknet.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/network_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/network_blocks.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/yolo_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/yolo_fpn.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/yolo_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/yolo_head.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/yolo_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/yolo_pafpn.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/MegEngine/python/models/yolox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/MegEngine/python/models/yolox.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ONNXRuntime/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ONNXRuntime/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ONNXRuntime/onnx_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ONNXRuntime/onnx_inference.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/cpp/yolox_openvino.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/cpp/yolox_openvino.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/OpenVINO/python/openvino_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/OpenVINO/python/openvino_inference.py -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/TensorRT/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/TensorRT/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/TensorRT/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/TensorRT/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/TensorRT/cpp/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/TensorRT/cpp/logging.h -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/TensorRT/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/TensorRT/cpp/yolox.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/TensorRT/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/TensorRT/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/build.gradle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/build.gradle -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/AndroidManifest.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/AndroidManifest.xml -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/assets/yolox.param: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/assets/yolox.param -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/java/com/megvii/yoloXncnn/MainActivity.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/java/com/megvii/yoloXncnn/MainActivity.java -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/java/com/megvii/yoloXncnn/YOLOXncnn.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/java/com/megvii/yoloXncnn/YOLOXncnn.java -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/jni/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/jni/CMakeLists.txt -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/jni/yoloXncnn_jni.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/jni/yoloXncnn_jni.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/res/layout/main.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/res/layout/main.xml -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/app/src/main/res/values/strings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/app/src/main/res/values/strings.xml -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/build.gradle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/build.gradle -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/gradle/wrapper/gradle-wrapper.jar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/gradle/wrapper/gradle-wrapper.jar -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/gradle/wrapper/gradle-wrapper.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/gradle/wrapper/gradle-wrapper.properties -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/gradlew: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/gradlew -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/gradlew.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/android/gradlew.bat -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/android/settings.gradle: -------------------------------------------------------------------------------- 1 | include ':app' 2 | -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/demo/ncnn/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/demo/ncnn/cpp/yolox.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/Makefile -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/_static/css/custom.css -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/conf.py -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/megengine_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/MegEngine/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/megengine_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/MegEngine/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/ncnn_android_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ncnn/android/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/ncnn_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ncnn/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/onnx_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ONNXRuntime/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/openvino_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/OpenVINO/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/openvino_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/OpenVINO/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/trt_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/TensorRT/cpp/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/demo/trt_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/TensorRT/python/README.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/index.rst -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/model_zoo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/model_zoo.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/quick_run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/quick_run.md -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/requirements-doc.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/requirements-doc.txt -------------------------------------------------------------------------------- /model_zoo/YoloX/docs/train_custom_data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/docs/train_custom_data.md -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/nano.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolov3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolov3.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolox_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolox_l.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolox_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolox_m.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolox_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolox_s.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolox_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolox_tiny.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/default/yolox_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/default/yolox_x.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/example/custom/nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/example/custom/nano.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/example/custom/yolox_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/example/custom/yolox_s.py -------------------------------------------------------------------------------- /model_zoo/YoloX/exps/example/yolox_voc/yolox_voc_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/exps/example/yolox_voc/yolox_voc_s.py -------------------------------------------------------------------------------- /model_zoo/YoloX/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/setup.cfg -------------------------------------------------------------------------------- /model_zoo/YoloX/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/setup.py -------------------------------------------------------------------------------- /model_zoo/YoloX/tools/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/tools/demo.py -------------------------------------------------------------------------------- /model_zoo/YoloX/tools/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/tools/eval.py -------------------------------------------------------------------------------- /model_zoo/YoloX/tools/export_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/tools/export_onnx.py -------------------------------------------------------------------------------- /model_zoo/YoloX/tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/tools/train.py -------------------------------------------------------------------------------- /model_zoo/YoloX/tools/trt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/tools/trt.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/core/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/core/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/core/launch.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/core/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/core/trainer.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/data_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/data_augment.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/data_prefetcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/data_prefetcher.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/dataloading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/dataloading.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/coco.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/coco_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/coco_classes.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/datasets_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/datasets_wrapper.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/mosaicdetection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/mosaicdetection.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/voc.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/datasets/voc_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/datasets/voc_classes.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/data/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/data/samplers.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/evaluators/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/evaluators/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/evaluators/coco_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/evaluators/coco_evaluator.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/evaluators/voc_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/evaluators/voc_eval.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/evaluators/voc_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/evaluators/voc_evaluator.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/exp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/exp/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/exp/base_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/exp/base_exp.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/exp/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/exp/build.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/exp/yolox_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/exp/yolox_base.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/layers/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/layers/csrc/cocoeval/cocoeval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/layers/csrc/cocoeval/cocoeval.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/layers/csrc/cocoeval/cocoeval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/layers/csrc/cocoeval/cocoeval.h -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/layers/fast_coco_eval_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/layers/fast_coco_eval_api.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/darknet.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/losses.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/network_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/network_blocks.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/yolo_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/yolo_fpn.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/yolo_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/yolo_head.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/yolo_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/yolo_pafpn.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/models/yolox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/models/yolox.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/__init__.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/allreduce_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/allreduce_norm.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/boxes.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/checkpoint.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/demo_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/demo_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/dist.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/ema.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/logger.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/lr_scheduler.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/metric.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/model_utils.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/setup_env.py -------------------------------------------------------------------------------- /model_zoo/YoloX/yolox/utils/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/model_zoo/YoloX/yolox/utils/visualize.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/requirements.txt -------------------------------------------------------------------------------- /test.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/test.jpg -------------------------------------------------------------------------------- /test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DL-Practise/YoloAll/HEAD/test.sh --------------------------------------------------------------------------------