├── .github └── workflows │ ├── codestyle.yml │ ├── smoke_test.yml │ ├── static.yml │ └── unit_test.yml ├── .gitignore ├── .gitmodules ├── LICENSE ├── README.md ├── demo ├── README.md ├── accuracy_checker_configs │ ├── MXNet.xml │ ├── MXNet.yml │ ├── ONNX_Runtime_Python.xml │ ├── ONNX_Runtime_Python.yml │ ├── OpenCV_DNN_Python.xml │ ├── OpenCV_DNN_Python.yml │ ├── OpenVINO_DLDT.xml │ ├── OpenVINO_DLDT.yml │ ├── PyTorch.xml │ ├── PyTorch.yml │ ├── TVM.xml │ ├── TVM.yml │ ├── TensorFlow.xml │ ├── TensorFlow.yml │ ├── TensorFlowLite.xml │ └── TensorFlowLite.yml ├── benchmark_configs │ ├── MXNet.xml │ ├── ONNX_Runtime_Python.xml │ ├── OpenCV_DNN_Python.xml │ ├── OpenVINO_DLDT.xml │ ├── PyTorch.xml │ ├── TVM.xml │ ├── TensorFlow.xml │ └── TensorFlowLite.xml └── linux.sh ├── docker ├── Caffe │ ├── Dockerfile │ ├── config.yml │ └── models.lst ├── DGL │ └── Dockerfile ├── Dockerfile ├── IREE │ └── Dockerfile ├── MXNet │ ├── Dockerfile │ └── config.yml ├── ONNXRuntime │ ├── Dockerfile │ └── config.yml ├── OpenCV │ └── Dockerfile ├── OpenVINO_DLDT │ └── Dockerfile ├── PaddlePaddle │ ├── Dockerfile │ └── config_paddle.yml ├── PyTorch │ ├── Dockerfile │ └── config.yml ├── README.md ├── TVM │ ├── Dockerfile │ ├── compile_tvm_models.sh │ ├── convert_models_to_tvm.sh │ └── tune_tvm_models.sh ├── TensorFlow │ ├── Dockerfile │ ├── config_intel-tf.yml │ ├── config_tf2.yml │ └── models.lst └── TensorFlowLite │ ├── Dockerfile │ ├── config_tf2.yml │ ├── downloadmodels.sh │ └── models.lst ├── docs └── reference_information │ └── kmp_affinity.md ├── requirements.txt ├── requirements_ci.txt ├── requirements_frameworks.txt ├── results ├── accuracy │ ├── OpenVINO-2021.4-public_models-20-04-2022.html │ ├── OpenVINO-2021.4-public_models-20-04-2022.xlsx │ ├── OpenVINO-2022.1-public_models-27-12-2022.html │ ├── OpenVINO-2022.1-public_models-27-12-2022.xlsx │ ├── OpenVINO-2022.2-public_models-18-06-2023.html │ ├── OpenVINO-2022.2-public_models-18-06-2023.xlsx │ ├── OpenVINO-2022.3-public_models-19-10-2023.html │ ├── OpenVINO-2022.3-public_models-19-10-2023.xlsx │ ├── OpenVINO-2023.3-public_models-14-05-2024.html │ ├── OpenVINO-2023.3-public_models-14-05-2024.xlsx │ ├── OpenVINO-2023.3-riscv-1000images-3_public_models_for_paper-28-02-2024.xlsx │ ├── TFLite-2.14-riscv-1000images-public_models-05-04-2024.xlsx │ ├── TVM-0.14-ol0-public_models-2023-12-20.xlsx │ ├── TVM-0.14-ol2-public_models-2024-02-19.xlsx │ └── TVM-0.15-ol2-riscv-1000images-public_models-2024-03-19.xlsx ├── benchmarking │ ├── MXNet-1.9.1-docker-09.11.2023.xlsx │ ├── MXNet-1.9.1-host-09.11.2023.xlsx │ ├── OpenVINO-2020.2-intel_models-24-05-2020.html │ ├── OpenVINO-2020.2-public_models-24-05-2020.html │ ├── OpenVINO-2021.4-20-04-2022.html │ ├── OpenVINO-2021.4-20-04-2022.xlsx │ ├── OpenVINO-2021.4-22-10-2021.html │ ├── OpenVINO-2022.1-27-12-2022.html │ ├── OpenVINO-2022.1-27-12-2022.xlsx │ ├── OpenVINO-2022.2-docker-18.06.2023.html │ ├── OpenVINO-2022.2-docker-18.06.2023.xlsx │ ├── OpenVINO-2022.2-host-18.06.2023.html │ ├── OpenVINO-2022.2-host-18.06.2023.xlsx │ ├── OpenVINO-2022.3-docker-10.10.2023.html │ ├── OpenVINO-2022.3-docker-10.10.2023.xlsx │ ├── OpenVINO-2023.0-host-15.02.2024.html │ ├── OpenVINO-2023.0-host-15.02.2024.xlsx │ ├── OpenVINO-2023.3-host-24.04.2024.html │ ├── OpenVINO-2023.3-host-24.04.2024.xlsx │ ├── OpenVINO-R3-2019-28-04-2020.html │ ├── OpenVINO-R5.0.1-2018-04-10-19.html │ ├── OpenVINO_2024.3.0-host-30.10.2024.xlsx │ ├── TFLite-2.14-riscv-public_models-07.04.2024.xlsx │ ├── TVM-0.14.dev264-docker-19.02.2024.xlsx │ ├── TVM-0.14.dev264-host-19.02.2024.xlsx │ ├── TVM-0.15-riscv-public_models-23.03.2024.xlsx │ ├── TVM-v0.16.0-host-20.12.2024.xlsx │ ├── onnxruntime-python-1.14.0-docker-30-10-2023.xlsx │ └── onnxruntime-python-1.14.0-host-30-10-2023.xlsx ├── iree_models_checklist.md ├── mxnet_models_checklist.md ├── ncnn_models_checklist.md ├── onnxruntime_models_checklist.md ├── opencv_models_checklist.md ├── openvino_models_checklist.md ├── paddlepaddle_models_checklist.md ├── pytorch_models_checklist.md ├── tensorflow_models_checklist.md ├── tflite_models_checklist.md ├── tvm_models_checklist.md └── validation │ ├── action_recognition │ ├── action_recognition_encoder_out.csv │ └── driver_action_recognition_encoder_out.csv │ ├── detection │ ├── 1_Handshaking_Handshaking_1_209.bmp │ ├── ILSVRC2012_val_00000023.JPEG │ ├── ILSVRC2012_val_00000247.JPEG │ ├── ILSVRC2012_val_00018592.JPEG │ ├── faster_rcnn_out.bmp │ ├── out_person_detection_asl.bmp │ ├── out_yolo_detection.bmp │ ├── pedestrian-and-vehicle-detector.png │ ├── pedestrian-detection-adas-1.bmp │ ├── person-detection-retail-00013-1.bmp │ ├── person-vehicle-bike-detection-crossroad.png │ ├── product-detection-0001.png │ ├── python_yolo_coco_000000367818.bmp │ ├── python_yolo_voc_2011_002352.bmp │ ├── vehicle-detection.png │ └── vehicle-license-plate-detection-barrier-01.png │ ├── encoding │ ├── image-retrieval-0001_a.csv │ ├── image-retrieval-0001_s.csv │ ├── person-reidentification-retail-0103_async.csv │ ├── person-reidentification-retail-0103_sync.csv │ ├── person-reidentification-retail-0107_async.csv │ ├── person-reidentification-retail-0107_sync.csv │ ├── person-reidentification-retail-0200_async.csv │ ├── person-reidentification-retail-0200_sync.csv │ ├── person-reidentification-retail-0277_sync.csv │ ├── person-reidentification-retail-0286_sync.csv │ ├── person-reidentification-retail-0287_sync.csv │ ├── person-reidentification-retail-0288_sync.csv │ ├── python_async_Aaron_Peirsol_0002.csv │ ├── python_async_action-recognition-kelly.csv │ ├── python_async_demo.csv │ ├── python_sync_Aaron_Peirsol_0002.csv │ ├── python_sync_action-recognition-kelly.csv │ └── python_sync_demo.csv │ ├── human_pose_estimation │ ├── python_async_COCO_val2014_000000453166.png │ └── python_sync_COCO_val2014_000000453166.png │ ├── image_processing │ ├── python_async_street_480x270_1.png │ ├── python_async_street_480x270_2.png │ ├── python_sync_street_480x270_1.png │ └── python_sync_street_480x270_2.png │ ├── images │ ├── 000000118209.jpg │ ├── 000000367818.jpg │ ├── 0016E5_08027.png │ ├── 1-closed-eye.png │ ├── 1_Handshaking_Handshaking_1_209.jpg │ ├── 2-opened-eye.png │ ├── 2011_002352.jpg │ ├── 22.jpg │ ├── 3-opened-eye.png │ ├── 9.jpg │ ├── Aaron_Peirsol_0002.jpg │ ├── COCO_val2014_000000203438.jpg │ ├── COCO_val2014_000000453166.jpg │ ├── ILSVRC2012_val_00000023.JPEG │ ├── ILSVRC2012_val_00000247.JPEG │ ├── ILSVRC2012_val_00018592.JPEG │ ├── Meeting_294.jpg │ ├── Meeting_294_bounding.bmp │ ├── Sheep.jpg │ ├── action-recognition-kelly.png │ ├── age-gender-recognition-retail-0001.jpg │ ├── age-gender-recognition-retail-0002.png │ ├── age-gender-recognition-retail-0003.png │ ├── berlin_000000_000019_leftImg8bit.png │ ├── berlin_000488_000019_leftImg8bit.png │ ├── berlin_000533_000019_leftImg8bit.png │ ├── bielefeld_000000_038924_leftImg8bit.png │ ├── classroom.jpg │ ├── demo.png │ ├── facial-landmarks-35-adas.png │ ├── image-retrieval-0001.jpg │ ├── landmarks.jpg │ ├── left_eye.jpg │ ├── license-plate-recognition-barrier.JPG │ ├── out_head_pose.bmp │ ├── pedestrian-detection-adas-1.png │ ├── person-attributes-recognition-crossroad-01.png │ ├── person-attributes-recognition-crossroad-02.png │ ├── person-detection-action-recognition-teacher-0001.jpg │ ├── person-detection-asl-0001.bmp │ ├── person-detection-retail-00013-1.jpg │ ├── person-reidentification-retail.jpg │ ├── person-reidentification-retail_1.png │ ├── person-vehicle-bike-detection-crossroad.png │ ├── product-detection-0001.bmp │ ├── right_eye.jpg │ ├── road-segmentation-adas-1.png │ ├── sphereface.jpg │ ├── street_480x270.png │ ├── vehicle-detection-adas-0002.png │ ├── vehicle-license-plate-detection-barrier-01.png │ └── x4c_street_480x270.png │ ├── instance_segmentation │ ├── instance-segmentation-security-1025_out_async.bmp │ ├── instance-segmentation-security-1025_out_sync.bmp │ ├── mscoco90_colormap.jpg │ ├── mscoco_colormap.jpg │ ├── python_async_000000118209.bmp │ ├── python_async_000000367818.bmp │ ├── python_async_22_mask_rcnn_inception_resnet_v2_atrous_coco.bmp │ ├── python_async_22_mask_rcnn_inception_v2_coco.bmp │ ├── python_async_22_mask_rcnn_resnet101_atrous_coco.bmp │ ├── python_async_22_mask_rcnn_resnet50_atrous_coco.bmp │ ├── python_async_COCO_val2014_000000203438.bmp │ ├── python_sync_000000118209.bmp │ ├── python_sync_000000367818.bmp │ ├── python_sync_22_mask_rcnn_inception_resnet_v2_atrous_coco.bmp │ ├── python_sync_22_mask_rcnn_inception_v2_coco.bmp │ ├── python_sync_22_mask_rcnn_resnet101_atrous_coco.bmp │ ├── python_sync_22_mask_rcnn_resnet50_atrous_coco.bmp │ └── python_sync_COCO_val2014_000000203438.bmp │ ├── node_classification │ └── citation-gcn-out.csv │ ├── person_detection_action_recognition │ ├── person-detection-action-recognition-teacher-0001.jpg │ └── person-detection-action-recognition.bmp │ ├── recognition │ ├── out_gaze_1_async.bmp │ ├── out_gaze_1_sync.bmp │ ├── out_head_pose_1_async.bmp │ ├── out_head_pose_1_sync.bmp │ ├── out_person_attributes_async_1.bmp │ ├── out_person_attributes_async_2.bmp │ ├── out_person_attributes_sync_1.bmp │ ├── out_person_attributes_sync_2.bmp │ ├── out_recognition_face_1.bmp │ ├── out_recognition_face_facial_landmarks_1.bmp │ ├── sphereface_out_async.csv │ └── sphereface_out_sync.csv │ ├── semantic_segmentation │ ├── MXNet │ │ ├── danet_resnet101_citys_out_segmentation_async.bmp │ │ ├── danet_resnet101_citys_out_segmentation_sync.bmp │ │ ├── danet_resnet50_citys_out_segmentation_async.bmp │ │ ├── danet_resnet50_citys_out_segmentation_sync.bmp │ │ ├── fcn_resnet101_coco_out_segmentation_async.bmp │ │ ├── fcn_resnet101_coco_out_segmentation_sync.bmp │ │ ├── out_fcn_resnet101_voc_segmentation_async.bmp │ │ └── out_fcn_resnet101_voc_segmentation_sync.bmp │ ├── camvid_colormap.jpg │ ├── cityscapes_colormap.jpg │ ├── cpp_async_berlin_000000_000019_leftImg8bit.bmp │ ├── cpp_async_berlin_000488_000019_leftImg8bit.bmp │ ├── cpp_async_berlin_000533_000019_leftImg8bit.bmp │ ├── cpp_sync_berlin_000000_000019_leftImg8bit.bmp │ ├── cpp_sync_berlin_000488_000019_leftImg8bit.bmp │ ├── cpp_sync_berlin_000533_000019_leftImg8bit.bmp │ ├── pascal_colormap.jpg │ ├── python_async_0016E5_08027_icnet-30-0001.bmp │ ├── python_async_0016E5_08027_icnet-60-0001.bmp │ ├── python_async_0016E5_08027_icnet.bmp │ ├── python_async_0016E5_08027_unet.bmp │ ├── python_async_berlin_000000_000019_leftImg8bit.bmp │ ├── python_async_berlin_000488_000019_leftImg8bit.bmp │ ├── python_async_berlin_000533_000019_leftImg8bit.bmp │ ├── python_async_bielefeld_000000_038924_leftImg8bit.bmp │ ├── python_async_road-segmentation-adas-1.bmp │ ├── python_sync_0016E5_08027_icnet-30-0001.bmp │ ├── python_sync_0016E5_08027_icnet-60-0001.bmp │ ├── python_sync_0016E5_08027_icnet.bmp │ ├── python_sync_0016E5_08027_unet.bmp │ ├── python_sync_berlin_000000_000019_leftImg8bit.bmp │ ├── python_sync_berlin_000488_000019_leftImg8bit.bmp │ ├── python_sync_berlin_000533_000019_leftImg8bit.bmp │ ├── python_sync_bielefeld_000000_038924_leftImg8bit.bmp │ ├── python_sync_road-segmentation-adas-1.bmp │ ├── python_sync_sheep.bmp │ ├── road_segmentation_colormap.jpg │ └── sheep_segmentation_tflite.png │ ├── validation_results_caffe.md │ ├── validation_results_iree.md │ ├── validation_results_mxnet_gluon_modelzoo.md │ ├── validation_results_ncnn.md │ ├── validation_results_onnxruntime.md │ ├── validation_results_opencv.md │ ├── validation_results_openvino_intel_models.md │ ├── validation_results_openvino_public_models.md │ ├── validation_results_paddlepaddle.md │ ├── validation_results_pytorch.md │ ├── validation_results_spektral.md │ ├── validation_results_tensorflow.md │ ├── validation_results_tflite.md │ └── validation_results_tvm.md ├── setup.cfg ├── src ├── __init__.py ├── accuracy_checker │ ├── README.md │ ├── accuracy_checker.py │ ├── config_parser.py │ ├── executors.py │ ├── output.py │ ├── parameters.py │ ├── process.py │ └── result.py ├── benchmark │ ├── README.md │ ├── __init__.py │ ├── config_parser_factory.py │ ├── config_processor.py │ ├── executors.py │ ├── frameworks │ │ ├── __init__.py │ │ ├── config_parser │ │ │ ├── __init__.py │ │ │ ├── dataset_parser.py │ │ │ ├── dependent_parameters_parser.py │ │ │ ├── dependent_parameters_parser_cpp.py │ │ │ ├── framework_independent_parameters.py │ │ │ ├── framework_parameters_cpp.py │ │ │ ├── framework_parameters_parser.py │ │ │ ├── model.py │ │ │ ├── test_reporter.py │ │ │ └── test_reporter_cpp.py │ │ ├── dgl_pytorch │ │ │ ├── __init__.py │ │ │ ├── dgl_pytorch_parametrs_parser.py │ │ │ ├── dgl_pytorch_process.py │ │ │ └── dgl_pytorch_wrapper.py │ │ ├── executorch │ │ │ ├── __init__.py │ │ │ ├── executorch_parameters_parser.py │ │ │ ├── executorch_process.py │ │ │ ├── executorch_test.py │ │ │ └── executorch_wrapper.py │ │ ├── executorch_cpp │ │ │ ├── __init__.py │ │ │ ├── executorch_cpp_process.py │ │ │ └── executorch_cpp_wrapper.py │ │ ├── framework_wrapper.py │ │ ├── framework_wrapper_registry.py │ │ ├── intel_caffe │ │ │ ├── __init__.py │ │ │ ├── intel_caffe_parameters_parser.py │ │ │ ├── intel_caffe_process.py │ │ │ └── intel_caffe_wrapper.py │ │ ├── iree │ │ │ ├── __init__.py │ │ │ ├── iree_parameters_parser.py │ │ │ ├── iree_process.py │ │ │ └── iree_wrapper.py │ │ ├── known_frameworks.py │ │ ├── mxnet │ │ │ ├── __init__.py │ │ │ ├── mxnet_parameters_parser.py │ │ │ ├── mxnet_process.py │ │ │ ├── mxnet_test.py │ │ │ └── mxnet_wrapper.py │ │ ├── ncnn │ │ │ ├── __init__.py │ │ │ ├── ncnn_parameters_parser.py │ │ │ ├── ncnn_process.py │ │ │ └── ncnn_wrapper.py │ │ ├── onnx_runtime │ │ │ ├── __init__.py │ │ │ ├── onnx_runtime_process.py │ │ │ └── onnx_runtime_wrapper.py │ │ ├── onnx_runtime_python │ │ │ ├── __init__.py │ │ │ ├── onnx_runtime_python_parameters_parser.py │ │ │ ├── onnx_runtime_python_process.py │ │ │ └── onnx_runtime_python_wrapper.py │ │ ├── opencv_dnn_cpp │ │ │ ├── __init__.py │ │ │ ├── opencv_dnn_cpp_process.py │ │ │ └── opencv_dnn_cpp_wrapper.py │ │ ├── opencv_dnn_python │ │ │ ├── __init__.py │ │ │ ├── opencv_dnn_python_parameters_parser.py │ │ │ ├── opencv_dnn_python_process.py │ │ │ └── opencv_dnn_python_wrapper.py │ │ ├── openvino │ │ │ ├── __init__.py │ │ │ ├── openvino_benchmark_process.py │ │ │ ├── openvino_parameters_parser.py │ │ │ ├── openvino_process.py │ │ │ ├── openvino_process_factory.py │ │ │ ├── openvino_python_api_process.py │ │ │ ├── openvino_test.py │ │ │ └── openvino_wrapper.py │ │ ├── paddlepaddle │ │ │ ├── __init__.py │ │ │ ├── paddlepaddle_parameters_parser.py │ │ │ ├── paddlepaddle_process.py │ │ │ └── paddlepaddle_wrapper.py │ │ ├── processes.py │ │ ├── pytorch │ │ │ ├── __init__.py │ │ │ ├── pytorch_parameters_parser.py │ │ │ ├── pytorch_process.py │ │ │ └── pytorch_wrapper.py │ │ ├── pytorch_cpp │ │ │ ├── __init__.py │ │ │ ├── pytorch_cpp_process.py │ │ │ └── pytorch_cpp_wrapper.py │ │ ├── rknn │ │ │ ├── __init__.py │ │ │ ├── rknn_process.py │ │ │ └── rknn_wrapper.py │ │ ├── singleton.py │ │ ├── spektral │ │ │ ├── __init__.py │ │ │ ├── spektral_parameters_parser.py │ │ │ ├── spektral_process.py │ │ │ └── spektral_wrapper.py │ │ ├── tensorflow │ │ │ ├── __init__.py │ │ │ ├── tensorflow_parameters_parser.py │ │ │ ├── tensorflow_process.py │ │ │ └── tensorflow_wrapper.py │ │ ├── tensorflow_lite │ │ │ ├── __init__.py │ │ │ ├── tensorflow_lite_parameters_parser.py │ │ │ ├── tensorflow_lite_process.py │ │ │ └── tensorflow_lite_wrapper.py │ │ ├── tensorflow_lite_cpp │ │ │ ├── __init__.py │ │ │ ├── tensorflow_lite_cpp_process.py │ │ │ └── tensorflow_lite_cpp_wrapper.py │ │ └── tvm │ │ │ ├── __init__.py │ │ │ ├── tvm_parameters_parser.py │ │ │ ├── tvm_process.py │ │ │ ├── tvm_test.py │ │ │ └── tvm_wrapper.py │ ├── inference_benchmark.py │ ├── output.py │ └── tests │ │ ├── __init__.py │ │ ├── test_executor.py │ │ └── test_processes.py ├── build_scripts │ ├── DGL │ │ └── dietpi │ │ │ └── build.sh │ ├── ExecuTorch │ │ ├── README.md │ │ └── build_executorch_x86_64.sh │ ├── TVM │ │ ├── riscv64 │ │ │ ├── README.md │ │ │ ├── build_opencv_riscv64.sh │ │ │ └── build_tvm_riscv64.sh │ │ └── x86_64 │ │ │ ├── README.md │ │ │ ├── build_tvm_x86_64.sh │ │ │ └── fix_relay_init_0.15.diff │ ├── ncnn │ │ ├── README.md │ │ ├── build_ncnn_linux_x86_64.sh │ │ └── build_prerequisites_linux_x86_64.sh │ ├── openvino │ │ └── riscv64 │ │ │ ├── Dockerfile │ │ │ ├── README.md │ │ │ ├── riscv64.toolchain.cmake │ │ │ └── riscv64.wheel.diff │ └── tflite │ │ └── riscv64 │ │ ├── README.md │ │ ├── build_cpp_tflite_launcher_linux_riscv.sh │ │ ├── build_prerequisites_linux_riscv.sh │ │ └── riscv64.pip.patch ├── config_maker │ ├── main.py │ ├── model │ │ ├── accuracy_checker_config │ │ │ ├── accuracy_checker_config.py │ │ │ └── test.py │ │ ├── benchmark_config │ │ │ ├── benchmark_config.py │ │ │ └── test.py │ │ ├── data │ │ │ ├── data.py │ │ │ └── dataset.py │ │ ├── database.py │ │ ├── deploy_config │ │ │ ├── deploy_computer.py │ │ │ └── deploy_config.py │ │ ├── models │ │ │ ├── model.py │ │ │ └── models.py │ │ ├── quantization_config │ │ │ ├── compression_parameters.py │ │ │ ├── quantization_config.py │ │ │ └── quantized_model.py │ │ └── remote_config │ │ │ ├── remote_computer.py │ │ │ └── remote_config.py │ ├── presenter │ │ ├── accuracy_checker_config_presenter.py │ │ ├── benchmark_config_presenter.py │ │ ├── data_presenter.py │ │ ├── deploy_config_presenter.py │ │ ├── model_presenter.py │ │ ├── presenter.py │ │ ├── quantization_config_presenter.py │ │ └── remote_config_presenter.py │ ├── tags.py │ └── view │ │ ├── buttons │ │ └── group_buttons.py │ │ ├── dialogs │ │ ├── accuracy_checker_config_dialog.py │ │ ├── benchmark_config_dialog.py │ │ ├── data_dialog.py │ │ ├── deploy_config_dialog.py │ │ ├── model_dialog.py │ │ ├── quantization_config_dialog.py │ │ └── remote_config_dialog.py │ │ ├── tables │ │ ├── accuracy_checker_config_table.py │ │ ├── benchmark_config_table.py │ │ ├── data_table.py │ │ ├── deploy_config_table.py │ │ ├── model_table.py │ │ ├── quantization_config_table.py │ │ ├── remote_config_table.py │ │ └── table.py │ │ ├── view.py │ │ └── widgets │ │ ├── config_widgets │ │ ├── accuracy_checker_config_widget.py │ │ ├── benchmark_config_widget.py │ │ ├── config_widget.py │ │ ├── deploy_config_widget.py │ │ ├── quantization_config_widget.py │ │ └── remote_config_widget.py │ │ ├── data_widgets │ │ ├── data_settings_widget.py │ │ ├── data_widget.py │ │ └── model_settings_widget.py │ │ └── main_widget.py ├── configs │ ├── README.md │ ├── accuracy_checker_configuration_file_template.xml │ ├── benchmark_configuration_file_template.xml │ ├── deploy_configuration_file_template.xml │ ├── nncf_quantization_config_template.xml │ ├── paddle_quantization_config_template.xml │ ├── quantization_configuration_file_template.xml │ ├── remote_configuration_file_template.xml │ ├── tflite_quantization_config_template.xml │ └── tvm_quantization_config_template.xml ├── cpp_dl_benchmark │ ├── .clang-format │ ├── CMakeLists.txt │ ├── README.md │ ├── cmake │ │ ├── CMakeScriptsConfig.cmake │ │ ├── aarch64_toolchain.cmake │ │ ├── clang_format │ │ │ ├── clang_format.cmake │ │ │ ├── clang_format_check.cmake │ │ │ └── clang_format_fix.cmake │ │ ├── install_clang.sh │ │ ├── riscv64_rvv_toolchain.cmake │ │ └── riscv64_toolchain.cmake │ ├── common │ │ ├── CMakeLists.txt │ │ ├── common_launcher │ │ │ ├── CMakeLists.txt │ │ │ ├── include │ │ │ │ └── common_launcher │ │ │ │ │ └── launcher.hpp │ │ │ └── src │ │ │ │ └── launcher.cpp │ │ ├── inputs_preparation │ │ │ ├── CMakeLists.txt │ │ │ ├── include │ │ │ │ └── inputs_preparation │ │ │ │ │ ├── inputs_preparation.hpp │ │ │ │ │ └── tensor_utils.hpp │ │ │ └── src │ │ │ │ ├── inputs_preparation.cpp │ │ │ │ └── tensor_utils.cpp │ │ ├── output │ │ │ ├── CMakeLists.txt │ │ │ └── include │ │ │ │ └── output │ │ │ │ └── output_description.hpp │ │ └── utils │ │ │ ├── CMakeLists.txt │ │ │ ├── include │ │ │ └── utils │ │ │ │ ├── args_handler.hpp │ │ │ │ ├── logger.hpp │ │ │ │ ├── report.hpp │ │ │ │ ├── statistics.hpp │ │ │ │ └── utils.hpp │ │ │ └── src │ │ │ ├── args_handler.cpp │ │ │ ├── report.cpp │ │ │ ├── statistics.cpp │ │ │ └── utils.cpp │ ├── executorch_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ ├── executorch_launcher.hpp │ │ │ └── memory_manager.hpp │ │ └── src │ │ │ └── executorch_launcher.cpp │ ├── main.cpp │ ├── onnxruntime_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ └── onnxruntime_launcher.hpp │ │ └── src │ │ │ └── onnxruntime_launcher.cpp │ ├── opencv_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ └── opencv_launcher.hpp │ │ └── src │ │ │ └── opencv_launcher.cpp │ ├── pytorch_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ └── pytorch_launcher.hpp │ │ └── src │ │ │ └── pytorch_launcher.cpp │ ├── rknn_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ └── rknn_launcher.hpp │ │ └── src │ │ │ └── rknn_launcher.cpp │ └── tflite_launcher │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── custom_ops │ │ ├── CMakeLists.txt │ │ ├── include │ │ │ └── custom_ops │ │ │ │ ├── custom_ops.hpp │ │ │ │ └── selfie_segmetation_custom_ops.hpp │ │ └── src │ │ │ ├── custom_ops.cpp │ │ │ └── selfie_segmetation_custom_ops.cpp │ │ ├── include │ │ ├── tflite_launcher.hpp │ │ └── tflite_profiler.hpp │ │ └── src │ │ ├── tflite_launcher.cpp │ │ └── tflite_profiler.cpp ├── csv2html │ ├── README.md │ ├── accuracy_checker_table_creator.py │ ├── benchmark_table_creator.py │ ├── converter.py │ ├── frameworks.yml │ ├── samples │ │ ├── sample_accuracy_checker_result_table.html │ │ ├── sample_accuracy_checker_table.csv │ │ ├── sample_benchmark_result_table.html │ │ └── sample_benchmark_table.csv │ ├── styles.html │ └── table_creator.py ├── csv2xlsx │ ├── README.md │ ├── accuracy_table_creator.py │ ├── benchmark_table_creator.py │ ├── converter.py │ └── table_creator.py ├── deployment │ ├── README.md │ ├── client.py │ ├── deploy.py │ ├── jenkins │ │ ├── jenkins_pipeline.groovy │ │ ├── logger.py │ │ ├── models_template.txt │ │ ├── requirements.txt │ │ ├── tvm_build_envs.py │ │ ├── tvm_build_pipeline.py │ │ ├── tvm_compile_pipeline.py │ │ └── tvm_convert_pipeline.py │ ├── linux_remote_helper.py │ ├── remote_executor.py │ ├── remote_helper.py │ └── windows_remote_helper.py ├── inference │ ├── README.md │ ├── color_maps │ │ ├── camvid_color_map.txt │ │ ├── color_map.txt │ │ ├── color_map_road_segmentation.txt │ │ ├── mscoco_color_map.txt │ │ ├── mscoco_color_map_90.txt │ │ ├── pascal2020_color_map.txt │ │ └── pose_estimation_color_map.txt │ ├── configs │ │ ├── __init__.py │ │ ├── config_utils.py │ │ ├── onnx_configs │ │ │ ├── bert_base_ner.py │ │ │ ├── gpt_2.py │ │ │ └── stable_diffusion.py │ │ ├── pytorch_configs │ │ │ ├── bert_base_ner.py │ │ │ ├── causal_lm_base.py │ │ │ ├── clip_vit_b_32_text.py │ │ │ ├── clip_vit_b_32_visual.py │ │ │ ├── efficientnet_b0_pytorch.py │ │ │ ├── falcon7b.py │ │ │ ├── falcon7b_q.py │ │ │ ├── gpt_2.py │ │ │ ├── kandinsky_v2_1.py │ │ │ ├── language_translation_transformer.py │ │ │ ├── mistral_7b_v0_1.py │ │ │ ├── model_handler.py │ │ │ ├── patches │ │ │ │ └── 1167.patch │ │ │ ├── resnet_50_pytorch.py │ │ │ ├── retinaface_resnet50_pytorch.py │ │ │ ├── saiga2_70b.py │ │ │ ├── speech_to_sequence_base.py │ │ │ ├── stable_diffusion_v1_5.py │ │ │ ├── vit_base_patch16_224.py │ │ │ ├── wav2vec2_base.py │ │ │ ├── whisper_v3_large.py │ │ │ └── yolo_v7.py │ │ └── tvm_configs │ │ │ └── mask_rcnn_config.py │ ├── inference_caffe.py │ ├── inference_dgl_pytorch.py │ ├── inference_executorch.py │ ├── inference_executorch_cpp.py │ ├── inference_iree.py │ ├── inference_mxnet_async_mode.py │ ├── inference_mxnet_sync_mode.py │ ├── inference_ncnn.py │ ├── inference_onnx_runtime.py │ ├── inference_onnx_runtime_cpp.py │ ├── inference_opencv.py │ ├── inference_opencv_cpp.py │ ├── inference_openvino_async_mode.py │ ├── inference_openvino_sync_mode.py │ ├── inference_paddlepaddle.py │ ├── inference_pytorch.py │ ├── inference_pytorch_cpp.py │ ├── inference_rknn.py │ ├── inference_spektral.py │ ├── inference_tensorflow.py │ ├── inference_tensorflowlite.py │ ├── inference_tensorflowlite_cpp.py │ ├── inference_tools │ │ ├── __init__.py │ │ └── loop_tools.py │ ├── inference_tvm.py │ ├── io_adapter.py │ ├── io_graphs_adapter │ │ ├── __init__.py │ │ ├── feed_dorward.py │ │ ├── graph_adapter.py │ │ └── node_classification.py │ ├── io_model_wrapper.py │ ├── iree_auxiliary.py │ ├── labels │ │ ├── cifar10_labels.json │ │ ├── cora.json │ │ ├── cora.txt │ │ ├── dictionary.txt │ │ ├── driver_action_labels.txt │ │ ├── image_net_2015.txt │ │ ├── image_net_labels.json │ │ ├── image_net_synset.txt │ │ ├── image_net_synset_first_class_base.txt │ │ ├── kinetics.txt │ │ ├── mscoco_names.txt │ │ ├── mscoco_names_90.txt │ │ ├── open_closed.txt │ │ └── pascal_voc.txt │ ├── mxnet_auxiliary.py │ ├── ncnn_auxiliary.py │ ├── postprocessing_data.py │ ├── preprocessing_data.py │ ├── pytorch_auxiliary.py │ ├── quantization_mxnet.py │ ├── reporter │ │ ├── __init__.py │ │ ├── report_template.json │ │ └── report_writer.py │ ├── spektral_auxiliary.py │ ├── transformer.py │ ├── tvm_auxiliary.py │ └── utils.py ├── model_converters │ ├── README.md │ ├── __init__.py │ ├── caffe2onnx │ │ ├── README.md │ │ └── convert_caffe_to_onnx.py │ ├── executorch_converter │ │ └── executorch_converter.py │ ├── iree_converter │ │ ├── README.md │ │ ├── __init__.py │ │ ├── iree_auxiliary │ │ │ ├── __init__.py │ │ │ ├── compiler.py │ │ │ ├── converter.py │ │ │ ├── onnx_format.py │ │ │ └── pytorch_format.py │ │ ├── iree_compiler.py │ │ └── iree_converter.py │ ├── mmdnn_converter │ │ ├── README.md │ │ ├── install_mmdnn_linux_x86_64.sh │ │ └── requirements.txt │ ├── mxnet2onnx │ │ ├── README.md │ │ ├── convert_mxnet_to_onnx.py │ │ └── requirements.txt │ ├── onnx2mxnet │ │ ├── README.md │ │ ├── convert_onnx_to_mxnet.py │ │ └── requirements.txt │ ├── paddle_converter │ │ ├── README.md │ │ ├── paddle2onnx.py │ │ ├── requirements.txt │ │ └── srcf2paddle.py │ ├── pytorch2onnx │ │ ├── README.md │ │ └── convert_pytorch_to_onnx.py │ ├── tf2onnx │ │ ├── README.md │ │ ├── convert_onnx_to_tf.py │ │ └── convert_tf_to_onnx.py │ ├── tf2tflite │ │ ├── README.md │ │ ├── __init__.py │ │ ├── requirements.txt │ │ ├── tensorflow_common.py │ │ ├── tf_converter.py │ │ └── tflite_converter.py │ └── tvm_converter │ │ ├── README.md │ │ ├── __init__.py │ │ ├── tvm_auxiliary │ │ ├── __init__.py │ │ ├── caffe_format.py │ │ ├── converter.py │ │ ├── mxnet_format.py │ │ ├── onnx_format.py │ │ ├── pytorch_format.py │ │ ├── tflite_format.py │ │ └── tvm_format.py │ │ ├── tvm_compiler.py │ │ └── tvm_converter.py ├── node_info │ └── node_info.py ├── quantization │ ├── README.md │ ├── config_parser.py │ ├── executors.py │ ├── nncf │ │ ├── README.md │ │ ├── __init__.py │ │ ├── model_readers.py │ │ ├── parameters.py │ │ └── quantization_nncf.py │ ├── paddlepaddle │ │ ├── README.md │ │ ├── __init__.py │ │ ├── parameters.py │ │ └── quantization_paddlepaddle.py │ ├── parameters.py │ ├── process.py │ ├── quantization.py │ ├── tflite │ │ ├── README.md │ │ ├── __init__.py │ │ ├── parameters.py │ │ └── quantization_tflite.py │ ├── tvm │ │ ├── README.md │ │ ├── __init__.py │ │ ├── parameters.py │ │ └── quantization_tvm.py │ └── utils.py ├── remote_control │ ├── README.md │ ├── config_parser.py │ ├── ftp_client.py │ ├── remote_start.py │ └── table_format.py ├── tvm_autotuning │ ├── README.md │ ├── tvm_auto_scheduler.py │ ├── tvm_autotvm.py │ ├── tvm_meta_schedule.py │ └── utils.py └── utils │ ├── __init__.py │ ├── cmd_handler.py │ ├── constants.py │ ├── csv_wrapper.py │ ├── docker_handler.py │ └── logger_conf.py └── tests ├── __init__.py └── smoke_test ├── README.md ├── __init__.py ├── ac_smoke ├── __init__.py ├── conftest.py └── test_ac_smoke.py ├── benchmark_smoke ├── __init__.py ├── conftest.py └── test_benchmark_smoke.py ├── configs ├── ac_models │ ├── Sphereface_OpenVINO_DLDT_classification.xml │ └── models.yml ├── dl_models │ ├── AlexNet-vm_TVM.xml │ ├── AlexNet_MXNet_async_mode_FP32.xml │ ├── AlexNet_MXNet_async_mode_INT8.xml │ ├── AlexNet_MXNet_sync_mode_FP32.xml │ ├── AlexNet_MXNet_sync_mode_INT8.xml │ ├── AlexNet_PyTorch.xml │ ├── AlexNet_TVM.xml │ ├── AlexNet_TVM_PyTorch.xml │ ├── citation-gcn_Spektral.xml │ ├── deeplabv3_OpenVINO_sync_mode_segmentation.xml │ ├── dgl_pytorch.xml │ ├── efficientdet-d0-tf-OpenVINO_sync_mode_detection.xml │ ├── efficientnet-b0-pytorch_ONNX_Runtime_Python.xml │ ├── efficientnet-b0-pytorch_ONNX_Runtime_Python_classification.xml │ ├── efficientnet-b0_TVM.xml │ ├── efficientnet-b0_TVM_ONNX.xml │ ├── efficientnet_b0-vm_TVM.xml │ ├── face-detection-0200-OpenVINO_sync_mode_face-detection.xml │ ├── googlenet-v1_Caffe.xml │ ├── googlenet-v1_TVM.xml │ ├── googlenet-v1_TVM_Caffe.xml │ ├── instance-segmentation-security-0083_OpenVINO_sync_mode_segmentation.xml │ ├── mobilenet-v1-1.0-224-tf_OpenCV_DNN_Python_DNN_backend.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_async_mode.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_async_mode_None_hint_ovbenchmark_source.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_async_mode_ovbenchmark_source.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_async_mode_tensorflow_frontend_ovbenchmark_source.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_async_mode_throughput_hint_ovbenchmark_source.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_sync_mode.xml │ ├── mobilenet-v1-1.0-224-tf_OpenVINO_DLDT_sync_mode_ovbenchmark_source.xml │ ├── mobilenet-v1-1.0-224-tf_TensorFlow.xml │ ├── mobilenet-v1-1.0-224-tf_TensorFlowLite.xml │ ├── mobilenet-v1-1.0-224-tf_TensorFlow_classification.xml │ ├── mobilenet-v1-1.0-224-tflite_TensorFlowLite_classification.xml │ ├── mobilenet-v2-1.4-224_TVM_tflite.xml │ ├── mobilenet_ssd_ncnn_detection.xml │ ├── person-detection-action-recognition-0005-OpenVINO_sync_mode_person-detection-action-recognition-old.xml │ ├── person-detection-action-recognition-0006-OpenVINO_sync_mode_person-detection-action-recognition-new.xml │ ├── person-detection-action-recognition-teacher-0002-OpenVINO_sync_mode_person-detection-action-recognition-teacher.xml │ ├── person-detection-asl-0001-OpenVINO_sync_mode_person-detection-asl.xml │ ├── person-detection-raisinghand-recognition-0001-OpenVINO_sync_mode_person-detection-raisinghand-recognition.xml │ ├── resnet-50-pytorch_Pytorch.xml │ ├── resnet-50-pytorch_Pytorch_classification.xml │ ├── resnet50-tvm-optimized_TVM.xml │ ├── resnet50_paddle.xml │ ├── retinaface_ncnn_face_recognition.xml │ ├── road-segmentation-adas-0001_OpenVINO_sync_mode_segmentation.xml │ ├── semantic-segmentation-adas-0001_OpenVINO_sync_mode_segmentation.xml │ ├── squeezenet_ncnn.xml │ ├── squeezenet_ncnn_classification.xml │ ├── yolo-v2-ava-0001-OpenVINO_sync_mode_yolo_v2_voc.xml │ ├── yolo-v2-tf-OpenVINO_sync_mode_yolo_v2_coco.xml │ ├── yolo-v2-tiny-ava-0001-OpenVINO_sync_mode_yolo_tiny_voc.xml │ ├── yolo-v2-tiny-tf-TensorFlow_yolo_v2_tiny_coco.xml │ ├── yolo-v3-tf-TensorFlow_yolo_v3_tf.xml │ ├── yolo-v7-onnx_ONNX_Runtime_Python_yolo_v7_onnx.xml │ └── yolo-v7_PyTorch_yolo_v7.xml └── quantization_models │ ├── densenet-121-tf_TFLITE_int8-and-int16.xml │ ├── densenet-121-tf_TFLITE_int8.xml │ ├── resnet-50-pytorch_NNCF.xml │ ├── resnet-50-pytorch_NNCF_openvino.xml │ ├── resnet-50-pytorch_TVM_global-scale.xml │ └── resnet-50_PADDLEPADDLE.xml ├── conftest.py ├── pytest.ini ├── quantization_smoke ├── __init__.py ├── conftest.py └── test_quantization_smoke.py ├── test_graph └── dgl │ └── default_graph.bin ├── test_images ├── black_square.jpg ├── classification_images │ ├── fly.jpg │ ├── palace.jpg │ └── player.jpg ├── detection_images │ ├── coco_plane.jpg │ ├── person-detection-action-recognition-0006.png │ ├── person-detection-action-recognition-teacher-0002.png │ ├── player.jpg │ ├── thispersondoesntexist.jpg │ └── voc_car.jpg ├── segmentation_images │ ├── horse.jpg │ ├── plane.jpg │ └── road.jpg └── test_graph.bin └── utils.py /.github/workflows/codestyle.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.github/workflows/codestyle.yml -------------------------------------------------------------------------------- /.github/workflows/smoke_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.github/workflows/smoke_test.yml -------------------------------------------------------------------------------- /.github/workflows/static.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.github/workflows/static.yml -------------------------------------------------------------------------------- /.github/workflows/unit_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.github/workflows/unit_test.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/.gitmodules -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/README.md -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/MXNet.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/MXNet.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/MXNet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/MXNet.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/ONNX_Runtime_Python.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/ONNX_Runtime_Python.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/ONNX_Runtime_Python.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/ONNX_Runtime_Python.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/OpenCV_DNN_Python.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/OpenCV_DNN_Python.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/OpenCV_DNN_Python.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/OpenCV_DNN_Python.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/OpenVINO_DLDT.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/OpenVINO_DLDT.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/OpenVINO_DLDT.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/OpenVINO_DLDT.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/PyTorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/PyTorch.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/PyTorch.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/PyTorch.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TVM.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TVM.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TVM.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TensorFlow.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TensorFlow.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TensorFlow.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TensorFlow.yml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TensorFlowLite.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TensorFlowLite.xml -------------------------------------------------------------------------------- /demo/accuracy_checker_configs/TensorFlowLite.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/accuracy_checker_configs/TensorFlowLite.yml -------------------------------------------------------------------------------- /demo/benchmark_configs/MXNet.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/MXNet.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/ONNX_Runtime_Python.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/ONNX_Runtime_Python.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/OpenCV_DNN_Python.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/OpenCV_DNN_Python.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/OpenVINO_DLDT.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/OpenVINO_DLDT.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/PyTorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/PyTorch.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/TVM.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/TensorFlow.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/TensorFlow.xml -------------------------------------------------------------------------------- /demo/benchmark_configs/TensorFlowLite.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/benchmark_configs/TensorFlowLite.xml -------------------------------------------------------------------------------- /demo/linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/demo/linux.sh -------------------------------------------------------------------------------- /docker/Caffe/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/Caffe/Dockerfile -------------------------------------------------------------------------------- /docker/Caffe/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/Caffe/config.yml -------------------------------------------------------------------------------- /docker/Caffe/models.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/Caffe/models.lst -------------------------------------------------------------------------------- /docker/DGL/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/DGL/Dockerfile -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/IREE/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/IREE/Dockerfile -------------------------------------------------------------------------------- /docker/MXNet/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/MXNet/Dockerfile -------------------------------------------------------------------------------- /docker/MXNet/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/MXNet/config.yml -------------------------------------------------------------------------------- /docker/ONNXRuntime/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/ONNXRuntime/Dockerfile -------------------------------------------------------------------------------- /docker/ONNXRuntime/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/ONNXRuntime/config.yml -------------------------------------------------------------------------------- /docker/OpenCV/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/OpenCV/Dockerfile -------------------------------------------------------------------------------- /docker/OpenVINO_DLDT/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/OpenVINO_DLDT/Dockerfile -------------------------------------------------------------------------------- /docker/PaddlePaddle/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/PaddlePaddle/Dockerfile -------------------------------------------------------------------------------- /docker/PaddlePaddle/config_paddle.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/PaddlePaddle/config_paddle.yml -------------------------------------------------------------------------------- /docker/PyTorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/PyTorch/Dockerfile -------------------------------------------------------------------------------- /docker/PyTorch/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/PyTorch/config.yml -------------------------------------------------------------------------------- /docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/README.md -------------------------------------------------------------------------------- /docker/TVM/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TVM/Dockerfile -------------------------------------------------------------------------------- /docker/TVM/compile_tvm_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TVM/compile_tvm_models.sh -------------------------------------------------------------------------------- /docker/TVM/convert_models_to_tvm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TVM/convert_models_to_tvm.sh -------------------------------------------------------------------------------- /docker/TVM/tune_tvm_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TVM/tune_tvm_models.sh -------------------------------------------------------------------------------- /docker/TensorFlow/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlow/Dockerfile -------------------------------------------------------------------------------- /docker/TensorFlow/config_intel-tf.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlow/config_intel-tf.yml -------------------------------------------------------------------------------- /docker/TensorFlow/config_tf2.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlow/config_tf2.yml -------------------------------------------------------------------------------- /docker/TensorFlow/models.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlow/models.lst -------------------------------------------------------------------------------- /docker/TensorFlowLite/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlowLite/Dockerfile -------------------------------------------------------------------------------- /docker/TensorFlowLite/config_tf2.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlowLite/config_tf2.yml -------------------------------------------------------------------------------- /docker/TensorFlowLite/downloadmodels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlowLite/downloadmodels.sh -------------------------------------------------------------------------------- /docker/TensorFlowLite/models.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docker/TensorFlowLite/models.lst -------------------------------------------------------------------------------- /docs/reference_information/kmp_affinity.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/docs/reference_information/kmp_affinity.md -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements_ci.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/requirements_ci.txt -------------------------------------------------------------------------------- /requirements_frameworks.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/requirements_frameworks.txt -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2021.4-public_models-20-04-2022.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2021.4-public_models-20-04-2022.html -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2021.4-public_models-20-04-2022.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2021.4-public_models-20-04-2022.xlsx -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.1-public_models-27-12-2022.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.1-public_models-27-12-2022.html -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.1-public_models-27-12-2022.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.1-public_models-27-12-2022.xlsx -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.2-public_models-18-06-2023.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.2-public_models-18-06-2023.html -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.2-public_models-18-06-2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.2-public_models-18-06-2023.xlsx -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.3-public_models-19-10-2023.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.3-public_models-19-10-2023.html -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2022.3-public_models-19-10-2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2022.3-public_models-19-10-2023.xlsx -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2023.3-public_models-14-05-2024.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2023.3-public_models-14-05-2024.html -------------------------------------------------------------------------------- /results/accuracy/OpenVINO-2023.3-public_models-14-05-2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/OpenVINO-2023.3-public_models-14-05-2024.xlsx -------------------------------------------------------------------------------- /results/accuracy/TVM-0.14-ol0-public_models-2023-12-20.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/TVM-0.14-ol0-public_models-2023-12-20.xlsx -------------------------------------------------------------------------------- /results/accuracy/TVM-0.14-ol2-public_models-2024-02-19.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/accuracy/TVM-0.14-ol2-public_models-2024-02-19.xlsx -------------------------------------------------------------------------------- /results/benchmarking/MXNet-1.9.1-docker-09.11.2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/MXNet-1.9.1-docker-09.11.2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/MXNet-1.9.1-host-09.11.2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/MXNet-1.9.1-host-09.11.2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2020.2-intel_models-24-05-2020.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2020.2-intel_models-24-05-2020.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2020.2-public_models-24-05-2020.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2020.2-public_models-24-05-2020.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2021.4-20-04-2022.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2021.4-20-04-2022.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2021.4-20-04-2022.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2021.4-20-04-2022.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2021.4-22-10-2021.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2021.4-22-10-2021.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.1-27-12-2022.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.1-27-12-2022.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.1-27-12-2022.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.1-27-12-2022.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.2-docker-18.06.2023.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.2-docker-18.06.2023.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.2-docker-18.06.2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.2-docker-18.06.2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.2-host-18.06.2023.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.2-host-18.06.2023.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.2-host-18.06.2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.2-host-18.06.2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.3-docker-10.10.2023.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.3-docker-10.10.2023.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2022.3-docker-10.10.2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2022.3-docker-10.10.2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2023.0-host-15.02.2024.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2023.0-host-15.02.2024.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2023.0-host-15.02.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2023.0-host-15.02.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2023.3-host-24.04.2024.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2023.3-host-24.04.2024.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-2023.3-host-24.04.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-2023.3-host-24.04.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-R3-2019-28-04-2020.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-R3-2019-28-04-2020.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO-R5.0.1-2018-04-10-19.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO-R5.0.1-2018-04-10-19.html -------------------------------------------------------------------------------- /results/benchmarking/OpenVINO_2024.3.0-host-30.10.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/OpenVINO_2024.3.0-host-30.10.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/TFLite-2.14-riscv-public_models-07.04.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/TFLite-2.14-riscv-public_models-07.04.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/TVM-0.14.dev264-docker-19.02.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/TVM-0.14.dev264-docker-19.02.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/TVM-0.14.dev264-host-19.02.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/TVM-0.14.dev264-host-19.02.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/TVM-0.15-riscv-public_models-23.03.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/TVM-0.15-riscv-public_models-23.03.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/TVM-v0.16.0-host-20.12.2024.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/TVM-v0.16.0-host-20.12.2024.xlsx -------------------------------------------------------------------------------- /results/benchmarking/onnxruntime-python-1.14.0-docker-30-10-2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/onnxruntime-python-1.14.0-docker-30-10-2023.xlsx -------------------------------------------------------------------------------- /results/benchmarking/onnxruntime-python-1.14.0-host-30-10-2023.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/benchmarking/onnxruntime-python-1.14.0-host-30-10-2023.xlsx -------------------------------------------------------------------------------- /results/iree_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/iree_models_checklist.md -------------------------------------------------------------------------------- /results/mxnet_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/mxnet_models_checklist.md -------------------------------------------------------------------------------- /results/ncnn_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/ncnn_models_checklist.md -------------------------------------------------------------------------------- /results/onnxruntime_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/onnxruntime_models_checklist.md -------------------------------------------------------------------------------- /results/opencv_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/opencv_models_checklist.md -------------------------------------------------------------------------------- /results/openvino_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/openvino_models_checklist.md -------------------------------------------------------------------------------- /results/paddlepaddle_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/paddlepaddle_models_checklist.md -------------------------------------------------------------------------------- /results/pytorch_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/pytorch_models_checklist.md -------------------------------------------------------------------------------- /results/tensorflow_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/tensorflow_models_checklist.md -------------------------------------------------------------------------------- /results/tflite_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/tflite_models_checklist.md -------------------------------------------------------------------------------- /results/tvm_models_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/tvm_models_checklist.md -------------------------------------------------------------------------------- /results/validation/action_recognition/action_recognition_encoder_out.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/action_recognition/action_recognition_encoder_out.csv -------------------------------------------------------------------------------- /results/validation/detection/1_Handshaking_Handshaking_1_209.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/1_Handshaking_Handshaking_1_209.bmp -------------------------------------------------------------------------------- /results/validation/detection/ILSVRC2012_val_00000023.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/ILSVRC2012_val_00000023.JPEG -------------------------------------------------------------------------------- /results/validation/detection/ILSVRC2012_val_00000247.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/ILSVRC2012_val_00000247.JPEG -------------------------------------------------------------------------------- /results/validation/detection/ILSVRC2012_val_00018592.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/ILSVRC2012_val_00018592.JPEG -------------------------------------------------------------------------------- /results/validation/detection/faster_rcnn_out.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/faster_rcnn_out.bmp -------------------------------------------------------------------------------- /results/validation/detection/out_person_detection_asl.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/out_person_detection_asl.bmp -------------------------------------------------------------------------------- /results/validation/detection/out_yolo_detection.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/out_yolo_detection.bmp -------------------------------------------------------------------------------- /results/validation/detection/pedestrian-and-vehicle-detector.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/pedestrian-and-vehicle-detector.png -------------------------------------------------------------------------------- /results/validation/detection/pedestrian-detection-adas-1.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/pedestrian-detection-adas-1.bmp -------------------------------------------------------------------------------- /results/validation/detection/person-detection-retail-00013-1.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/person-detection-retail-00013-1.bmp -------------------------------------------------------------------------------- /results/validation/detection/person-vehicle-bike-detection-crossroad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/person-vehicle-bike-detection-crossroad.png -------------------------------------------------------------------------------- /results/validation/detection/product-detection-0001.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/product-detection-0001.png -------------------------------------------------------------------------------- /results/validation/detection/python_yolo_coco_000000367818.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/python_yolo_coco_000000367818.bmp -------------------------------------------------------------------------------- /results/validation/detection/python_yolo_voc_2011_002352.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/python_yolo_voc_2011_002352.bmp -------------------------------------------------------------------------------- /results/validation/detection/vehicle-detection.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/detection/vehicle-detection.png -------------------------------------------------------------------------------- /results/validation/encoding/image-retrieval-0001_a.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/image-retrieval-0001_a.csv -------------------------------------------------------------------------------- /results/validation/encoding/image-retrieval-0001_s.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/image-retrieval-0001_s.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0103_async.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0103_async.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0103_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0103_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0107_async.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0107_async.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0107_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0107_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0200_async.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0200_async.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0200_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0200_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0277_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0277_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0286_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0286_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0287_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0287_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/person-reidentification-retail-0288_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/person-reidentification-retail-0288_sync.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_async_Aaron_Peirsol_0002.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_async_Aaron_Peirsol_0002.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_async_action-recognition-kelly.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_async_action-recognition-kelly.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_async_demo.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_async_demo.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_sync_Aaron_Peirsol_0002.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_sync_Aaron_Peirsol_0002.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_sync_action-recognition-kelly.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_sync_action-recognition-kelly.csv -------------------------------------------------------------------------------- /results/validation/encoding/python_sync_demo.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/encoding/python_sync_demo.csv -------------------------------------------------------------------------------- /results/validation/image_processing/python_async_street_480x270_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/image_processing/python_async_street_480x270_1.png -------------------------------------------------------------------------------- /results/validation/image_processing/python_async_street_480x270_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/image_processing/python_async_street_480x270_2.png -------------------------------------------------------------------------------- /results/validation/image_processing/python_sync_street_480x270_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/image_processing/python_sync_street_480x270_1.png -------------------------------------------------------------------------------- /results/validation/image_processing/python_sync_street_480x270_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/image_processing/python_sync_street_480x270_2.png -------------------------------------------------------------------------------- /results/validation/images/000000118209.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/000000118209.jpg -------------------------------------------------------------------------------- /results/validation/images/000000367818.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/000000367818.jpg -------------------------------------------------------------------------------- /results/validation/images/0016E5_08027.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/0016E5_08027.png -------------------------------------------------------------------------------- /results/validation/images/1-closed-eye.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/1-closed-eye.png -------------------------------------------------------------------------------- /results/validation/images/1_Handshaking_Handshaking_1_209.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/1_Handshaking_Handshaking_1_209.jpg -------------------------------------------------------------------------------- /results/validation/images/2-opened-eye.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/2-opened-eye.png -------------------------------------------------------------------------------- /results/validation/images/2011_002352.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/2011_002352.jpg -------------------------------------------------------------------------------- /results/validation/images/22.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/22.jpg -------------------------------------------------------------------------------- /results/validation/images/3-opened-eye.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/3-opened-eye.png -------------------------------------------------------------------------------- /results/validation/images/9.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/9.jpg -------------------------------------------------------------------------------- /results/validation/images/Aaron_Peirsol_0002.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/Aaron_Peirsol_0002.jpg -------------------------------------------------------------------------------- /results/validation/images/COCO_val2014_000000203438.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/COCO_val2014_000000203438.jpg -------------------------------------------------------------------------------- /results/validation/images/COCO_val2014_000000453166.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/COCO_val2014_000000453166.jpg -------------------------------------------------------------------------------- /results/validation/images/ILSVRC2012_val_00000023.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/ILSVRC2012_val_00000023.JPEG -------------------------------------------------------------------------------- /results/validation/images/ILSVRC2012_val_00000247.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/ILSVRC2012_val_00000247.JPEG -------------------------------------------------------------------------------- /results/validation/images/ILSVRC2012_val_00018592.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/ILSVRC2012_val_00018592.JPEG -------------------------------------------------------------------------------- /results/validation/images/Meeting_294.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/Meeting_294.jpg -------------------------------------------------------------------------------- /results/validation/images/Meeting_294_bounding.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/Meeting_294_bounding.bmp -------------------------------------------------------------------------------- /results/validation/images/Sheep.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/Sheep.jpg -------------------------------------------------------------------------------- /results/validation/images/action-recognition-kelly.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/action-recognition-kelly.png -------------------------------------------------------------------------------- /results/validation/images/age-gender-recognition-retail-0001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/age-gender-recognition-retail-0001.jpg -------------------------------------------------------------------------------- /results/validation/images/age-gender-recognition-retail-0002.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/age-gender-recognition-retail-0002.png -------------------------------------------------------------------------------- /results/validation/images/age-gender-recognition-retail-0003.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/age-gender-recognition-retail-0003.png -------------------------------------------------------------------------------- /results/validation/images/berlin_000000_000019_leftImg8bit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/berlin_000000_000019_leftImg8bit.png -------------------------------------------------------------------------------- /results/validation/images/berlin_000488_000019_leftImg8bit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/berlin_000488_000019_leftImg8bit.png -------------------------------------------------------------------------------- /results/validation/images/berlin_000533_000019_leftImg8bit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/berlin_000533_000019_leftImg8bit.png -------------------------------------------------------------------------------- /results/validation/images/bielefeld_000000_038924_leftImg8bit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/bielefeld_000000_038924_leftImg8bit.png -------------------------------------------------------------------------------- /results/validation/images/classroom.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/classroom.jpg -------------------------------------------------------------------------------- /results/validation/images/demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/demo.png -------------------------------------------------------------------------------- /results/validation/images/facial-landmarks-35-adas.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/facial-landmarks-35-adas.png -------------------------------------------------------------------------------- /results/validation/images/image-retrieval-0001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/image-retrieval-0001.jpg -------------------------------------------------------------------------------- /results/validation/images/landmarks.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/landmarks.jpg -------------------------------------------------------------------------------- /results/validation/images/left_eye.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/left_eye.jpg -------------------------------------------------------------------------------- /results/validation/images/license-plate-recognition-barrier.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/license-plate-recognition-barrier.JPG -------------------------------------------------------------------------------- /results/validation/images/out_head_pose.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/out_head_pose.bmp -------------------------------------------------------------------------------- /results/validation/images/pedestrian-detection-adas-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/pedestrian-detection-adas-1.png -------------------------------------------------------------------------------- /results/validation/images/person-attributes-recognition-crossroad-01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-attributes-recognition-crossroad-01.png -------------------------------------------------------------------------------- /results/validation/images/person-attributes-recognition-crossroad-02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-attributes-recognition-crossroad-02.png -------------------------------------------------------------------------------- /results/validation/images/person-detection-asl-0001.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-detection-asl-0001.bmp -------------------------------------------------------------------------------- /results/validation/images/person-detection-retail-00013-1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-detection-retail-00013-1.jpg -------------------------------------------------------------------------------- /results/validation/images/person-reidentification-retail.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-reidentification-retail.jpg -------------------------------------------------------------------------------- /results/validation/images/person-reidentification-retail_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-reidentification-retail_1.png -------------------------------------------------------------------------------- /results/validation/images/person-vehicle-bike-detection-crossroad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/person-vehicle-bike-detection-crossroad.png -------------------------------------------------------------------------------- /results/validation/images/product-detection-0001.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/product-detection-0001.bmp -------------------------------------------------------------------------------- /results/validation/images/right_eye.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/right_eye.jpg -------------------------------------------------------------------------------- /results/validation/images/road-segmentation-adas-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/road-segmentation-adas-1.png -------------------------------------------------------------------------------- /results/validation/images/sphereface.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/sphereface.jpg -------------------------------------------------------------------------------- /results/validation/images/street_480x270.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/street_480x270.png -------------------------------------------------------------------------------- /results/validation/images/vehicle-detection-adas-0002.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/vehicle-detection-adas-0002.png -------------------------------------------------------------------------------- /results/validation/images/vehicle-license-plate-detection-barrier-01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/vehicle-license-plate-detection-barrier-01.png -------------------------------------------------------------------------------- /results/validation/images/x4c_street_480x270.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/images/x4c_street_480x270.png -------------------------------------------------------------------------------- /results/validation/instance_segmentation/mscoco90_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/mscoco90_colormap.jpg -------------------------------------------------------------------------------- /results/validation/instance_segmentation/mscoco_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/mscoco_colormap.jpg -------------------------------------------------------------------------------- /results/validation/instance_segmentation/python_async_000000118209.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/python_async_000000118209.bmp -------------------------------------------------------------------------------- /results/validation/instance_segmentation/python_async_000000367818.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/python_async_000000367818.bmp -------------------------------------------------------------------------------- /results/validation/instance_segmentation/python_sync_000000118209.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/python_sync_000000118209.bmp -------------------------------------------------------------------------------- /results/validation/instance_segmentation/python_sync_000000367818.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/instance_segmentation/python_sync_000000367818.bmp -------------------------------------------------------------------------------- /results/validation/node_classification/citation-gcn-out.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/node_classification/citation-gcn-out.csv -------------------------------------------------------------------------------- /results/validation/recognition/out_gaze_1_async.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_gaze_1_async.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_gaze_1_sync.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_gaze_1_sync.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_head_pose_1_async.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_head_pose_1_async.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_head_pose_1_sync.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_head_pose_1_sync.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_person_attributes_async_1.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_person_attributes_async_1.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_person_attributes_async_2.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_person_attributes_async_2.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_person_attributes_sync_1.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_person_attributes_sync_1.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_person_attributes_sync_2.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_person_attributes_sync_2.bmp -------------------------------------------------------------------------------- /results/validation/recognition/out_recognition_face_1.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/out_recognition_face_1.bmp -------------------------------------------------------------------------------- /results/validation/recognition/sphereface_out_async.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/sphereface_out_async.csv -------------------------------------------------------------------------------- /results/validation/recognition/sphereface_out_sync.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/recognition/sphereface_out_sync.csv -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/camvid_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/camvid_colormap.jpg -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/cityscapes_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/cityscapes_colormap.jpg -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/pascal_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/pascal_colormap.jpg -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/python_sync_sheep.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/python_sync_sheep.bmp -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/road_segmentation_colormap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/road_segmentation_colormap.jpg -------------------------------------------------------------------------------- /results/validation/semantic_segmentation/sheep_segmentation_tflite.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/semantic_segmentation/sheep_segmentation_tflite.png -------------------------------------------------------------------------------- /results/validation/validation_results_caffe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_caffe.md -------------------------------------------------------------------------------- /results/validation/validation_results_iree.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_iree.md -------------------------------------------------------------------------------- /results/validation/validation_results_mxnet_gluon_modelzoo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_mxnet_gluon_modelzoo.md -------------------------------------------------------------------------------- /results/validation/validation_results_ncnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_ncnn.md -------------------------------------------------------------------------------- /results/validation/validation_results_onnxruntime.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_onnxruntime.md -------------------------------------------------------------------------------- /results/validation/validation_results_opencv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_opencv.md -------------------------------------------------------------------------------- /results/validation/validation_results_openvino_intel_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_openvino_intel_models.md -------------------------------------------------------------------------------- /results/validation/validation_results_openvino_public_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_openvino_public_models.md -------------------------------------------------------------------------------- /results/validation/validation_results_paddlepaddle.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_paddlepaddle.md -------------------------------------------------------------------------------- /results/validation/validation_results_pytorch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_pytorch.md -------------------------------------------------------------------------------- /results/validation/validation_results_spektral.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_spektral.md -------------------------------------------------------------------------------- /results/validation/validation_results_tensorflow.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_tensorflow.md -------------------------------------------------------------------------------- /results/validation/validation_results_tflite.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_tflite.md -------------------------------------------------------------------------------- /results/validation/validation_results_tvm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/results/validation/validation_results_tvm.md -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/setup.cfg -------------------------------------------------------------------------------- /src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/accuracy_checker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/README.md -------------------------------------------------------------------------------- /src/accuracy_checker/accuracy_checker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/accuracy_checker.py -------------------------------------------------------------------------------- /src/accuracy_checker/config_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/config_parser.py -------------------------------------------------------------------------------- /src/accuracy_checker/executors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/executors.py -------------------------------------------------------------------------------- /src/accuracy_checker/output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/output.py -------------------------------------------------------------------------------- /src/accuracy_checker/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/parameters.py -------------------------------------------------------------------------------- /src/accuracy_checker/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/process.py -------------------------------------------------------------------------------- /src/accuracy_checker/result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/accuracy_checker/result.py -------------------------------------------------------------------------------- /src/benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/README.md -------------------------------------------------------------------------------- /src/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/config_parser_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/config_parser_factory.py -------------------------------------------------------------------------------- /src/benchmark/config_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/config_processor.py -------------------------------------------------------------------------------- /src/benchmark/executors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/executors.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/dataset_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/dataset_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/dependent_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/dependent_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/dependent_parameters_parser_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/dependent_parameters_parser_cpp.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/framework_parameters_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/framework_parameters_cpp.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/framework_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/framework_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/model.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/test_reporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/test_reporter.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/config_parser/test_reporter_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/config_parser/test_reporter_cpp.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/dgl_pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_parametrs_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_parametrs_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/dgl_pytorch/dgl_pytorch_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch/executorch_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch/executorch_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch/executorch_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch/executorch_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch/executorch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch/executorch_test.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch/executorch_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch/executorch_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch_cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch_cpp/executorch_cpp_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch_cpp/executorch_cpp_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/executorch_cpp/executorch_cpp_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/executorch_cpp/executorch_cpp_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/framework_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/framework_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/framework_wrapper_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/framework_wrapper_registry.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/intel_caffe/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/intel_caffe/intel_caffe_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/intel_caffe/intel_caffe_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/intel_caffe/intel_caffe_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/intel_caffe/intel_caffe_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/intel_caffe/intel_caffe_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/intel_caffe/intel_caffe_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/iree/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/iree/iree_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/iree/iree_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/iree/iree_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/iree/iree_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/iree/iree_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/iree/iree_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/known_frameworks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/known_frameworks.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/mxnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/mxnet/mxnet_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/mxnet/mxnet_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/mxnet/mxnet_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/mxnet/mxnet_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/mxnet/mxnet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/mxnet/mxnet_test.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/mxnet/mxnet_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/mxnet/mxnet_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/ncnn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/ncnn/ncnn_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/ncnn/ncnn_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/ncnn/ncnn_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/ncnn/ncnn_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/ncnn/ncnn_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/ncnn/ncnn_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/onnx_runtime/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/onnx_runtime/onnx_runtime_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/onnx_runtime/onnx_runtime_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/onnx_runtime/onnx_runtime_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/onnx_runtime/onnx_runtime_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/onnx_runtime_python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_cpp/opencv_dnn_cpp_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/opencv_dnn_cpp/opencv_dnn_cpp_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_cpp/opencv_dnn_cpp_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/opencv_dnn_cpp/opencv_dnn_cpp_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_python/opencv_dnn_python_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/opencv_dnn_python/opencv_dnn_python_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/opencv_dnn_python/opencv_dnn_python_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/opencv_dnn_python/opencv_dnn_python_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_benchmark_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_benchmark_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_process_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_process_factory.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_python_api_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_python_api_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_test.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/openvino/openvino_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/openvino/openvino_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/paddlepaddle/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/paddlepaddle/paddlepaddle_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/paddlepaddle/paddlepaddle_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/paddlepaddle/paddlepaddle_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/paddlepaddle/paddlepaddle_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/paddlepaddle/paddlepaddle_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/paddlepaddle/paddlepaddle_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/processes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/processes.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch/pytorch_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/pytorch/pytorch_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch/pytorch_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/pytorch/pytorch_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch/pytorch_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/pytorch/pytorch_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch_cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch_cpp/pytorch_cpp_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/pytorch_cpp/pytorch_cpp_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/pytorch_cpp/pytorch_cpp_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/pytorch_cpp/pytorch_cpp_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/rknn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/rknn/rknn_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/rknn/rknn_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/rknn/rknn_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/rknn/rknn_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/singleton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/singleton.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/spektral/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/spektral/spektral_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/spektral/spektral_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/spektral/spektral_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/spektral/spektral_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/spektral/spektral_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/spektral/spektral_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow/tensorflow_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tensorflow/tensorflow_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow/tensorflow_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tensorflow/tensorflow_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow/tensorflow_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tensorflow/tensorflow_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow_lite/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow_lite/tensorflow_lite_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tensorflow_lite/tensorflow_lite_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow_lite/tensorflow_lite_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tensorflow_lite/tensorflow_lite_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tensorflow_lite_cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/tvm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/frameworks/tvm/tvm_parameters_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tvm/tvm_parameters_parser.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tvm/tvm_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tvm/tvm_process.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tvm/tvm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tvm/tvm_test.py -------------------------------------------------------------------------------- /src/benchmark/frameworks/tvm/tvm_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/frameworks/tvm/tvm_wrapper.py -------------------------------------------------------------------------------- /src/benchmark/inference_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/inference_benchmark.py -------------------------------------------------------------------------------- /src/benchmark/output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/output.py -------------------------------------------------------------------------------- /src/benchmark/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/benchmark/tests/test_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/tests/test_executor.py -------------------------------------------------------------------------------- /src/benchmark/tests/test_processes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/benchmark/tests/test_processes.py -------------------------------------------------------------------------------- /src/build_scripts/DGL/dietpi/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/DGL/dietpi/build.sh -------------------------------------------------------------------------------- /src/build_scripts/ExecuTorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/ExecuTorch/README.md -------------------------------------------------------------------------------- /src/build_scripts/ExecuTorch/build_executorch_x86_64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/ExecuTorch/build_executorch_x86_64.sh -------------------------------------------------------------------------------- /src/build_scripts/TVM/riscv64/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/riscv64/README.md -------------------------------------------------------------------------------- /src/build_scripts/TVM/riscv64/build_opencv_riscv64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/riscv64/build_opencv_riscv64.sh -------------------------------------------------------------------------------- /src/build_scripts/TVM/riscv64/build_tvm_riscv64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/riscv64/build_tvm_riscv64.sh -------------------------------------------------------------------------------- /src/build_scripts/TVM/x86_64/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/x86_64/README.md -------------------------------------------------------------------------------- /src/build_scripts/TVM/x86_64/build_tvm_x86_64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/x86_64/build_tvm_x86_64.sh -------------------------------------------------------------------------------- /src/build_scripts/TVM/x86_64/fix_relay_init_0.15.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/TVM/x86_64/fix_relay_init_0.15.diff -------------------------------------------------------------------------------- /src/build_scripts/ncnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/ncnn/README.md -------------------------------------------------------------------------------- /src/build_scripts/ncnn/build_ncnn_linux_x86_64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/ncnn/build_ncnn_linux_x86_64.sh -------------------------------------------------------------------------------- /src/build_scripts/ncnn/build_prerequisites_linux_x86_64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/ncnn/build_prerequisites_linux_x86_64.sh -------------------------------------------------------------------------------- /src/build_scripts/openvino/riscv64/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/openvino/riscv64/Dockerfile -------------------------------------------------------------------------------- /src/build_scripts/openvino/riscv64/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/openvino/riscv64/README.md -------------------------------------------------------------------------------- /src/build_scripts/openvino/riscv64/riscv64.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/openvino/riscv64/riscv64.toolchain.cmake -------------------------------------------------------------------------------- /src/build_scripts/openvino/riscv64/riscv64.wheel.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/openvino/riscv64/riscv64.wheel.diff -------------------------------------------------------------------------------- /src/build_scripts/tflite/riscv64/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/tflite/riscv64/README.md -------------------------------------------------------------------------------- /src/build_scripts/tflite/riscv64/build_cpp_tflite_launcher_linux_riscv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/tflite/riscv64/build_cpp_tflite_launcher_linux_riscv.sh -------------------------------------------------------------------------------- /src/build_scripts/tflite/riscv64/build_prerequisites_linux_riscv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/tflite/riscv64/build_prerequisites_linux_riscv.sh -------------------------------------------------------------------------------- /src/build_scripts/tflite/riscv64/riscv64.pip.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/build_scripts/tflite/riscv64/riscv64.pip.patch -------------------------------------------------------------------------------- /src/config_maker/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/main.py -------------------------------------------------------------------------------- /src/config_maker/model/accuracy_checker_config/accuracy_checker_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/accuracy_checker_config/accuracy_checker_config.py -------------------------------------------------------------------------------- /src/config_maker/model/accuracy_checker_config/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/accuracy_checker_config/test.py -------------------------------------------------------------------------------- /src/config_maker/model/benchmark_config/benchmark_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/benchmark_config/benchmark_config.py -------------------------------------------------------------------------------- /src/config_maker/model/benchmark_config/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/benchmark_config/test.py -------------------------------------------------------------------------------- /src/config_maker/model/data/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/data/data.py -------------------------------------------------------------------------------- /src/config_maker/model/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/data/dataset.py -------------------------------------------------------------------------------- /src/config_maker/model/database.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/database.py -------------------------------------------------------------------------------- /src/config_maker/model/deploy_config/deploy_computer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/deploy_config/deploy_computer.py -------------------------------------------------------------------------------- /src/config_maker/model/deploy_config/deploy_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/deploy_config/deploy_config.py -------------------------------------------------------------------------------- /src/config_maker/model/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/models/model.py -------------------------------------------------------------------------------- /src/config_maker/model/models/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/models/models.py -------------------------------------------------------------------------------- /src/config_maker/model/quantization_config/compression_parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/quantization_config/compression_parameters.py -------------------------------------------------------------------------------- /src/config_maker/model/quantization_config/quantization_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/quantization_config/quantization_config.py -------------------------------------------------------------------------------- /src/config_maker/model/quantization_config/quantized_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/quantization_config/quantized_model.py -------------------------------------------------------------------------------- /src/config_maker/model/remote_config/remote_computer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/remote_config/remote_computer.py -------------------------------------------------------------------------------- /src/config_maker/model/remote_config/remote_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/model/remote_config/remote_config.py -------------------------------------------------------------------------------- /src/config_maker/presenter/accuracy_checker_config_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/accuracy_checker_config_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/benchmark_config_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/benchmark_config_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/data_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/data_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/deploy_config_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/deploy_config_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/model_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/model_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/quantization_config_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/quantization_config_presenter.py -------------------------------------------------------------------------------- /src/config_maker/presenter/remote_config_presenter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/presenter/remote_config_presenter.py -------------------------------------------------------------------------------- /src/config_maker/tags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/tags.py -------------------------------------------------------------------------------- /src/config_maker/view/buttons/group_buttons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/buttons/group_buttons.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/accuracy_checker_config_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/accuracy_checker_config_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/benchmark_config_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/benchmark_config_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/data_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/data_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/deploy_config_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/deploy_config_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/model_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/model_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/quantization_config_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/quantization_config_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/dialogs/remote_config_dialog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/dialogs/remote_config_dialog.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/accuracy_checker_config_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/accuracy_checker_config_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/benchmark_config_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/benchmark_config_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/data_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/data_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/deploy_config_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/deploy_config_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/model_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/model_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/quantization_config_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/quantization_config_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/remote_config_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/remote_config_table.py -------------------------------------------------------------------------------- /src/config_maker/view/tables/table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/tables/table.py -------------------------------------------------------------------------------- /src/config_maker/view/view.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/view.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/config_widgets/benchmark_config_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/config_widgets/benchmark_config_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/config_widgets/config_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/config_widgets/config_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/config_widgets/deploy_config_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/config_widgets/deploy_config_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/config_widgets/remote_config_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/config_widgets/remote_config_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/data_widgets/data_settings_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/data_widgets/data_settings_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/data_widgets/data_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/data_widgets/data_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/data_widgets/model_settings_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/data_widgets/model_settings_widget.py -------------------------------------------------------------------------------- /src/config_maker/view/widgets/main_widget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/config_maker/view/widgets/main_widget.py -------------------------------------------------------------------------------- /src/configs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/README.md -------------------------------------------------------------------------------- /src/configs/accuracy_checker_configuration_file_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/accuracy_checker_configuration_file_template.xml -------------------------------------------------------------------------------- /src/configs/benchmark_configuration_file_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/benchmark_configuration_file_template.xml -------------------------------------------------------------------------------- /src/configs/deploy_configuration_file_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/deploy_configuration_file_template.xml -------------------------------------------------------------------------------- /src/configs/nncf_quantization_config_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/nncf_quantization_config_template.xml -------------------------------------------------------------------------------- /src/configs/paddle_quantization_config_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/paddle_quantization_config_template.xml -------------------------------------------------------------------------------- /src/configs/quantization_configuration_file_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/quantization_configuration_file_template.xml -------------------------------------------------------------------------------- /src/configs/remote_configuration_file_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/remote_configuration_file_template.xml -------------------------------------------------------------------------------- /src/configs/tflite_quantization_config_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/tflite_quantization_config_template.xml -------------------------------------------------------------------------------- /src/configs/tvm_quantization_config_template.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/configs/tvm_quantization_config_template.xml -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/.clang-format -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/CMakeScriptsConfig.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/CMakeScriptsConfig.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/aarch64_toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/aarch64_toolchain.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/clang_format/clang_format.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/clang_format/clang_format.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/clang_format/clang_format_check.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/clang_format/clang_format_check.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/clang_format/clang_format_fix.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/clang_format/clang_format_fix.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/install_clang.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/install_clang.sh -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/riscv64_rvv_toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/riscv64_rvv_toolchain.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/cmake/riscv64_toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/cmake/riscv64_toolchain.cmake -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/common_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/common_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/common_launcher/src/launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/common_launcher/src/launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/inputs_preparation/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/inputs_preparation/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/inputs_preparation/src/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/inputs_preparation/src/tensor_utils.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/output/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/output/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/include/utils/args_handler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/include/utils/args_handler.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/include/utils/logger.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/include/utils/logger.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/include/utils/report.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/include/utils/report.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/include/utils/statistics.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/include/utils/statistics.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/include/utils/utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/include/utils/utils.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/src/args_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/src/args_handler.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/src/report.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/src/report.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/src/statistics.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/src/statistics.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/common/utils/src/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/common/utils/src/utils.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/executorch_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/executorch_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/executorch_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/executorch_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/executorch_launcher/include/memory_manager.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/executorch_launcher/include/memory_manager.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/executorch_launcher/src/executorch_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/executorch_launcher/src/executorch_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/main.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/onnxruntime_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/onnxruntime_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/onnxruntime_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/onnxruntime_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/onnxruntime_launcher/src/onnxruntime_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/onnxruntime_launcher/src/onnxruntime_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/opencv_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/opencv_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/opencv_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/opencv_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/opencv_launcher/include/opencv_launcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/opencv_launcher/include/opencv_launcher.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/opencv_launcher/src/opencv_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/opencv_launcher/src/opencv_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/pytorch_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/pytorch_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/pytorch_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/pytorch_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/pytorch_launcher/include/pytorch_launcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/pytorch_launcher/include/pytorch_launcher.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/pytorch_launcher/src/pytorch_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/pytorch_launcher/src/pytorch_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/rknn_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/rknn_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/rknn_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/rknn_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/rknn_launcher/include/rknn_launcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/rknn_launcher/include/rknn_launcher.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/rknn_launcher/src/rknn_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/rknn_launcher/src/rknn_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/README.md -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/custom_ops/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/custom_ops/CMakeLists.txt -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/custom_ops/src/custom_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/custom_ops/src/custom_ops.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/include/tflite_launcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/include/tflite_launcher.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/include/tflite_profiler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/include/tflite_profiler.hpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/src/tflite_launcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/src/tflite_launcher.cpp -------------------------------------------------------------------------------- /src/cpp_dl_benchmark/tflite_launcher/src/tflite_profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/cpp_dl_benchmark/tflite_launcher/src/tflite_profiler.cpp -------------------------------------------------------------------------------- /src/csv2html/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/README.md -------------------------------------------------------------------------------- /src/csv2html/accuracy_checker_table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/accuracy_checker_table_creator.py -------------------------------------------------------------------------------- /src/csv2html/benchmark_table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/benchmark_table_creator.py -------------------------------------------------------------------------------- /src/csv2html/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/converter.py -------------------------------------------------------------------------------- /src/csv2html/frameworks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/frameworks.yml -------------------------------------------------------------------------------- /src/csv2html/samples/sample_accuracy_checker_result_table.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/samples/sample_accuracy_checker_result_table.html -------------------------------------------------------------------------------- /src/csv2html/samples/sample_accuracy_checker_table.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/samples/sample_accuracy_checker_table.csv -------------------------------------------------------------------------------- /src/csv2html/samples/sample_benchmark_result_table.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/samples/sample_benchmark_result_table.html -------------------------------------------------------------------------------- /src/csv2html/samples/sample_benchmark_table.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/samples/sample_benchmark_table.csv -------------------------------------------------------------------------------- /src/csv2html/styles.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/styles.html -------------------------------------------------------------------------------- /src/csv2html/table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2html/table_creator.py -------------------------------------------------------------------------------- /src/csv2xlsx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2xlsx/README.md -------------------------------------------------------------------------------- /src/csv2xlsx/accuracy_table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2xlsx/accuracy_table_creator.py -------------------------------------------------------------------------------- /src/csv2xlsx/benchmark_table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2xlsx/benchmark_table_creator.py -------------------------------------------------------------------------------- /src/csv2xlsx/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2xlsx/converter.py -------------------------------------------------------------------------------- /src/csv2xlsx/table_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/csv2xlsx/table_creator.py -------------------------------------------------------------------------------- /src/deployment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/README.md -------------------------------------------------------------------------------- /src/deployment/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/client.py -------------------------------------------------------------------------------- /src/deployment/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/deploy.py -------------------------------------------------------------------------------- /src/deployment/jenkins/jenkins_pipeline.groovy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/jenkins_pipeline.groovy -------------------------------------------------------------------------------- /src/deployment/jenkins/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/logger.py -------------------------------------------------------------------------------- /src/deployment/jenkins/models_template.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/models_template.txt -------------------------------------------------------------------------------- /src/deployment/jenkins/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/requirements.txt -------------------------------------------------------------------------------- /src/deployment/jenkins/tvm_build_envs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/tvm_build_envs.py -------------------------------------------------------------------------------- /src/deployment/jenkins/tvm_build_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/tvm_build_pipeline.py -------------------------------------------------------------------------------- /src/deployment/jenkins/tvm_compile_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/tvm_compile_pipeline.py -------------------------------------------------------------------------------- /src/deployment/jenkins/tvm_convert_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/jenkins/tvm_convert_pipeline.py -------------------------------------------------------------------------------- /src/deployment/linux_remote_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/linux_remote_helper.py -------------------------------------------------------------------------------- /src/deployment/remote_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/remote_executor.py -------------------------------------------------------------------------------- /src/deployment/remote_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/remote_helper.py -------------------------------------------------------------------------------- /src/deployment/windows_remote_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/deployment/windows_remote_helper.py -------------------------------------------------------------------------------- /src/inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/README.md -------------------------------------------------------------------------------- /src/inference/color_maps/camvid_color_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/camvid_color_map.txt -------------------------------------------------------------------------------- /src/inference/color_maps/color_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/color_map.txt -------------------------------------------------------------------------------- /src/inference/color_maps/color_map_road_segmentation.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/color_map_road_segmentation.txt -------------------------------------------------------------------------------- /src/inference/color_maps/mscoco_color_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/mscoco_color_map.txt -------------------------------------------------------------------------------- /src/inference/color_maps/mscoco_color_map_90.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/mscoco_color_map_90.txt -------------------------------------------------------------------------------- /src/inference/color_maps/pascal2020_color_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/pascal2020_color_map.txt -------------------------------------------------------------------------------- /src/inference/color_maps/pose_estimation_color_map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/color_maps/pose_estimation_color_map.txt -------------------------------------------------------------------------------- /src/inference/configs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inference/configs/config_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/config_utils.py -------------------------------------------------------------------------------- /src/inference/configs/onnx_configs/bert_base_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/onnx_configs/bert_base_ner.py -------------------------------------------------------------------------------- /src/inference/configs/onnx_configs/gpt_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/onnx_configs/gpt_2.py -------------------------------------------------------------------------------- /src/inference/configs/onnx_configs/stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/onnx_configs/stable_diffusion.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/bert_base_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/bert_base_ner.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/causal_lm_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/causal_lm_base.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/clip_vit_b_32_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/clip_vit_b_32_text.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/clip_vit_b_32_visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/clip_vit_b_32_visual.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/efficientnet_b0_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/efficientnet_b0_pytorch.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/falcon7b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/falcon7b.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/falcon7b_q.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/falcon7b_q.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/gpt_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/gpt_2.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/kandinsky_v2_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/kandinsky_v2_1.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/mistral_7b_v0_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/mistral_7b_v0_1.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/model_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/model_handler.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/patches/1167.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/patches/1167.patch -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/resnet_50_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/resnet_50_pytorch.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/retinaface_resnet50_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/retinaface_resnet50_pytorch.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/saiga2_70b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/saiga2_70b.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/speech_to_sequence_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/speech_to_sequence_base.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/stable_diffusion_v1_5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/stable_diffusion_v1_5.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/vit_base_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/vit_base_patch16_224.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/wav2vec2_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/wav2vec2_base.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/whisper_v3_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/whisper_v3_large.py -------------------------------------------------------------------------------- /src/inference/configs/pytorch_configs/yolo_v7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/pytorch_configs/yolo_v7.py -------------------------------------------------------------------------------- /src/inference/configs/tvm_configs/mask_rcnn_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/configs/tvm_configs/mask_rcnn_config.py -------------------------------------------------------------------------------- /src/inference/inference_caffe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_caffe.py -------------------------------------------------------------------------------- /src/inference/inference_dgl_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_dgl_pytorch.py -------------------------------------------------------------------------------- /src/inference/inference_executorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_executorch.py -------------------------------------------------------------------------------- /src/inference/inference_executorch_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_executorch_cpp.py -------------------------------------------------------------------------------- /src/inference/inference_iree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_iree.py -------------------------------------------------------------------------------- /src/inference/inference_mxnet_async_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_mxnet_async_mode.py -------------------------------------------------------------------------------- /src/inference/inference_mxnet_sync_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_mxnet_sync_mode.py -------------------------------------------------------------------------------- /src/inference/inference_ncnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_ncnn.py -------------------------------------------------------------------------------- /src/inference/inference_onnx_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_onnx_runtime.py -------------------------------------------------------------------------------- /src/inference/inference_onnx_runtime_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_onnx_runtime_cpp.py -------------------------------------------------------------------------------- /src/inference/inference_opencv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_opencv.py -------------------------------------------------------------------------------- /src/inference/inference_opencv_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_opencv_cpp.py -------------------------------------------------------------------------------- /src/inference/inference_openvino_async_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_openvino_async_mode.py -------------------------------------------------------------------------------- /src/inference/inference_openvino_sync_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_openvino_sync_mode.py -------------------------------------------------------------------------------- /src/inference/inference_paddlepaddle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_paddlepaddle.py -------------------------------------------------------------------------------- /src/inference/inference_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_pytorch.py -------------------------------------------------------------------------------- /src/inference/inference_pytorch_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_pytorch_cpp.py -------------------------------------------------------------------------------- /src/inference/inference_rknn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_rknn.py -------------------------------------------------------------------------------- /src/inference/inference_spektral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_spektral.py -------------------------------------------------------------------------------- /src/inference/inference_tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_tensorflow.py -------------------------------------------------------------------------------- /src/inference/inference_tensorflowlite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_tensorflowlite.py -------------------------------------------------------------------------------- /src/inference/inference_tensorflowlite_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_tensorflowlite_cpp.py -------------------------------------------------------------------------------- /src/inference/inference_tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inference/inference_tools/loop_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_tools/loop_tools.py -------------------------------------------------------------------------------- /src/inference/inference_tvm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/inference_tvm.py -------------------------------------------------------------------------------- /src/inference/io_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/io_adapter.py -------------------------------------------------------------------------------- /src/inference/io_graphs_adapter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inference/io_graphs_adapter/feed_dorward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/io_graphs_adapter/feed_dorward.py -------------------------------------------------------------------------------- /src/inference/io_graphs_adapter/graph_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/io_graphs_adapter/graph_adapter.py -------------------------------------------------------------------------------- /src/inference/io_graphs_adapter/node_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/io_graphs_adapter/node_classification.py -------------------------------------------------------------------------------- /src/inference/io_model_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/io_model_wrapper.py -------------------------------------------------------------------------------- /src/inference/iree_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/iree_auxiliary.py -------------------------------------------------------------------------------- /src/inference/labels/cifar10_labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/cifar10_labels.json -------------------------------------------------------------------------------- /src/inference/labels/cora.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/cora.json -------------------------------------------------------------------------------- /src/inference/labels/cora.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/cora.txt -------------------------------------------------------------------------------- /src/inference/labels/dictionary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/dictionary.txt -------------------------------------------------------------------------------- /src/inference/labels/driver_action_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/driver_action_labels.txt -------------------------------------------------------------------------------- /src/inference/labels/image_net_2015.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/image_net_2015.txt -------------------------------------------------------------------------------- /src/inference/labels/image_net_labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/image_net_labels.json -------------------------------------------------------------------------------- /src/inference/labels/image_net_synset.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/image_net_synset.txt -------------------------------------------------------------------------------- /src/inference/labels/image_net_synset_first_class_base.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/image_net_synset_first_class_base.txt -------------------------------------------------------------------------------- /src/inference/labels/kinetics.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/kinetics.txt -------------------------------------------------------------------------------- /src/inference/labels/mscoco_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/mscoco_names.txt -------------------------------------------------------------------------------- /src/inference/labels/mscoco_names_90.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/mscoco_names_90.txt -------------------------------------------------------------------------------- /src/inference/labels/open_closed.txt: -------------------------------------------------------------------------------- 1 | closed 2 | open -------------------------------------------------------------------------------- /src/inference/labels/pascal_voc.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/labels/pascal_voc.txt -------------------------------------------------------------------------------- /src/inference/mxnet_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/mxnet_auxiliary.py -------------------------------------------------------------------------------- /src/inference/ncnn_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/ncnn_auxiliary.py -------------------------------------------------------------------------------- /src/inference/postprocessing_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/postprocessing_data.py -------------------------------------------------------------------------------- /src/inference/preprocessing_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/preprocessing_data.py -------------------------------------------------------------------------------- /src/inference/pytorch_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/pytorch_auxiliary.py -------------------------------------------------------------------------------- /src/inference/quantization_mxnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/quantization_mxnet.py -------------------------------------------------------------------------------- /src/inference/reporter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inference/reporter/report_template.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/reporter/report_template.json -------------------------------------------------------------------------------- /src/inference/reporter/report_writer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/reporter/report_writer.py -------------------------------------------------------------------------------- /src/inference/spektral_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/spektral_auxiliary.py -------------------------------------------------------------------------------- /src/inference/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/transformer.py -------------------------------------------------------------------------------- /src/inference/tvm_auxiliary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/tvm_auxiliary.py -------------------------------------------------------------------------------- /src/inference/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/inference/utils.py -------------------------------------------------------------------------------- /src/model_converters/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/README.md -------------------------------------------------------------------------------- /src/model_converters/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/caffe2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/caffe2onnx/README.md -------------------------------------------------------------------------------- /src/model_converters/caffe2onnx/convert_caffe_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/caffe2onnx/convert_caffe_to_onnx.py -------------------------------------------------------------------------------- /src/model_converters/executorch_converter/executorch_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/executorch_converter/executorch_converter.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/README.md -------------------------------------------------------------------------------- /src/model_converters/iree_converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_auxiliary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_auxiliary/compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_auxiliary/compiler.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_auxiliary/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_auxiliary/converter.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_auxiliary/onnx_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_auxiliary/onnx_format.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_auxiliary/pytorch_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_auxiliary/pytorch_format.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_compiler.py -------------------------------------------------------------------------------- /src/model_converters/iree_converter/iree_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/iree_converter/iree_converter.py -------------------------------------------------------------------------------- /src/model_converters/mmdnn_converter/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mmdnn_converter/README.md -------------------------------------------------------------------------------- /src/model_converters/mmdnn_converter/install_mmdnn_linux_x86_64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mmdnn_converter/install_mmdnn_linux_x86_64.sh -------------------------------------------------------------------------------- /src/model_converters/mmdnn_converter/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mmdnn_converter/requirements.txt -------------------------------------------------------------------------------- /src/model_converters/mxnet2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mxnet2onnx/README.md -------------------------------------------------------------------------------- /src/model_converters/mxnet2onnx/convert_mxnet_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mxnet2onnx/convert_mxnet_to_onnx.py -------------------------------------------------------------------------------- /src/model_converters/mxnet2onnx/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/mxnet2onnx/requirements.txt -------------------------------------------------------------------------------- /src/model_converters/onnx2mxnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/onnx2mxnet/README.md -------------------------------------------------------------------------------- /src/model_converters/onnx2mxnet/convert_onnx_to_mxnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/onnx2mxnet/convert_onnx_to_mxnet.py -------------------------------------------------------------------------------- /src/model_converters/onnx2mxnet/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/onnx2mxnet/requirements.txt -------------------------------------------------------------------------------- /src/model_converters/paddle_converter/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/paddle_converter/README.md -------------------------------------------------------------------------------- /src/model_converters/paddle_converter/paddle2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/paddle_converter/paddle2onnx.py -------------------------------------------------------------------------------- /src/model_converters/paddle_converter/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/paddle_converter/requirements.txt -------------------------------------------------------------------------------- /src/model_converters/paddle_converter/srcf2paddle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/paddle_converter/srcf2paddle.py -------------------------------------------------------------------------------- /src/model_converters/pytorch2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/pytorch2onnx/README.md -------------------------------------------------------------------------------- /src/model_converters/pytorch2onnx/convert_pytorch_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/pytorch2onnx/convert_pytorch_to_onnx.py -------------------------------------------------------------------------------- /src/model_converters/tf2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2onnx/README.md -------------------------------------------------------------------------------- /src/model_converters/tf2onnx/convert_onnx_to_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2onnx/convert_onnx_to_tf.py -------------------------------------------------------------------------------- /src/model_converters/tf2onnx/convert_tf_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2onnx/convert_tf_to_onnx.py -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2tflite/README.md -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2tflite/requirements.txt -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/tensorflow_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2tflite/tensorflow_common.py -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/tf_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2tflite/tf_converter.py -------------------------------------------------------------------------------- /src/model_converters/tf2tflite/tflite_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tf2tflite/tflite_converter.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/README.md -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/caffe_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/caffe_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/converter.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/mxnet_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/mxnet_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/onnx_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/onnx_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/pytorch_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/pytorch_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/tflite_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/tflite_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_auxiliary/tvm_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_auxiliary/tvm_format.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_compiler.py -------------------------------------------------------------------------------- /src/model_converters/tvm_converter/tvm_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/model_converters/tvm_converter/tvm_converter.py -------------------------------------------------------------------------------- /src/node_info/node_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/node_info/node_info.py -------------------------------------------------------------------------------- /src/quantization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/README.md -------------------------------------------------------------------------------- /src/quantization/config_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/config_parser.py -------------------------------------------------------------------------------- /src/quantization/executors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/executors.py -------------------------------------------------------------------------------- /src/quantization/nncf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/nncf/README.md -------------------------------------------------------------------------------- /src/quantization/nncf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/quantization/nncf/model_readers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/nncf/model_readers.py -------------------------------------------------------------------------------- /src/quantization/nncf/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/nncf/parameters.py -------------------------------------------------------------------------------- /src/quantization/nncf/quantization_nncf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/nncf/quantization_nncf.py -------------------------------------------------------------------------------- /src/quantization/paddlepaddle/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/paddlepaddle/README.md -------------------------------------------------------------------------------- /src/quantization/paddlepaddle/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/quantization/paddlepaddle/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/paddlepaddle/parameters.py -------------------------------------------------------------------------------- /src/quantization/paddlepaddle/quantization_paddlepaddle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/paddlepaddle/quantization_paddlepaddle.py -------------------------------------------------------------------------------- /src/quantization/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/parameters.py -------------------------------------------------------------------------------- /src/quantization/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/process.py -------------------------------------------------------------------------------- /src/quantization/quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/quantization.py -------------------------------------------------------------------------------- /src/quantization/tflite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tflite/README.md -------------------------------------------------------------------------------- /src/quantization/tflite/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/quantization/tflite/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tflite/parameters.py -------------------------------------------------------------------------------- /src/quantization/tflite/quantization_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tflite/quantization_tflite.py -------------------------------------------------------------------------------- /src/quantization/tvm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tvm/README.md -------------------------------------------------------------------------------- /src/quantization/tvm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/quantization/tvm/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tvm/parameters.py -------------------------------------------------------------------------------- /src/quantization/tvm/quantization_tvm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/tvm/quantization_tvm.py -------------------------------------------------------------------------------- /src/quantization/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/quantization/utils.py -------------------------------------------------------------------------------- /src/remote_control/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/remote_control/README.md -------------------------------------------------------------------------------- /src/remote_control/config_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/remote_control/config_parser.py -------------------------------------------------------------------------------- /src/remote_control/ftp_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/remote_control/ftp_client.py -------------------------------------------------------------------------------- /src/remote_control/remote_start.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/remote_control/remote_start.py -------------------------------------------------------------------------------- /src/remote_control/table_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/remote_control/table_format.py -------------------------------------------------------------------------------- /src/tvm_autotuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/tvm_autotuning/README.md -------------------------------------------------------------------------------- /src/tvm_autotuning/tvm_auto_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/tvm_autotuning/tvm_auto_scheduler.py -------------------------------------------------------------------------------- /src/tvm_autotuning/tvm_autotvm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/tvm_autotuning/tvm_autotvm.py -------------------------------------------------------------------------------- /src/tvm_autotuning/tvm_meta_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/tvm_autotuning/tvm_meta_schedule.py -------------------------------------------------------------------------------- /src/tvm_autotuning/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/tvm_autotuning/utils.py -------------------------------------------------------------------------------- /src/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/utils/cmd_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/utils/cmd_handler.py -------------------------------------------------------------------------------- /src/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/utils/constants.py -------------------------------------------------------------------------------- /src/utils/csv_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/utils/csv_wrapper.py -------------------------------------------------------------------------------- /src/utils/docker_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/utils/docker_handler.py -------------------------------------------------------------------------------- /src/utils/logger_conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/src/utils/logger_conf.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/smoke_test/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/README.md -------------------------------------------------------------------------------- /tests/smoke_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/smoke_test/ac_smoke/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/smoke_test/ac_smoke/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/ac_smoke/conftest.py -------------------------------------------------------------------------------- /tests/smoke_test/ac_smoke/test_ac_smoke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/ac_smoke/test_ac_smoke.py -------------------------------------------------------------------------------- /tests/smoke_test/benchmark_smoke/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/smoke_test/benchmark_smoke/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/benchmark_smoke/conftest.py -------------------------------------------------------------------------------- /tests/smoke_test/benchmark_smoke/test_benchmark_smoke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/benchmark_smoke/test_benchmark_smoke.py -------------------------------------------------------------------------------- /tests/smoke_test/configs/ac_models/models.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/ac_models/models.yml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet-vm_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet-vm_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_MXNet_async_mode_FP32.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_MXNet_async_mode_FP32.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_MXNet_async_mode_INT8.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_MXNet_async_mode_INT8.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_MXNet_sync_mode_FP32.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_MXNet_sync_mode_FP32.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_MXNet_sync_mode_INT8.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_MXNet_sync_mode_INT8.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_PyTorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_PyTorch.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/AlexNet_TVM_PyTorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/AlexNet_TVM_PyTorch.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/citation-gcn_Spektral.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/citation-gcn_Spektral.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/dgl_pytorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/dgl_pytorch.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/efficientnet-b0_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/efficientnet-b0_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/efficientnet-b0_TVM_ONNX.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/efficientnet-b0_TVM_ONNX.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/efficientnet_b0-vm_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/efficientnet_b0-vm_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/googlenet-v1_Caffe.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/googlenet-v1_Caffe.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/googlenet-v1_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/googlenet-v1_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/googlenet-v1_TVM_Caffe.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/googlenet-v1_TVM_Caffe.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/mobilenet-v2-1.4-224_TVM_tflite.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/mobilenet-v2-1.4-224_TVM_tflite.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/mobilenet_ssd_ncnn_detection.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/mobilenet_ssd_ncnn_detection.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/resnet-50-pytorch_Pytorch.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/resnet-50-pytorch_Pytorch.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/resnet50-tvm-optimized_TVM.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/resnet50-tvm-optimized_TVM.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/resnet50_paddle.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/resnet50_paddle.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/retinaface_ncnn_face_recognition.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/retinaface_ncnn_face_recognition.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/squeezenet_ncnn.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/squeezenet_ncnn.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/squeezenet_ncnn_classification.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/squeezenet_ncnn_classification.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/yolo-v3-tf-TensorFlow_yolo_v3_tf.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/yolo-v3-tf-TensorFlow_yolo_v3_tf.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/dl_models/yolo-v7_PyTorch_yolo_v7.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/dl_models/yolo-v7_PyTorch_yolo_v7.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/quantization_models/resnet-50-pytorch_NNCF.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/quantization_models/resnet-50-pytorch_NNCF.xml -------------------------------------------------------------------------------- /tests/smoke_test/configs/quantization_models/resnet-50_PADDLEPADDLE.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/configs/quantization_models/resnet-50_PADDLEPADDLE.xml -------------------------------------------------------------------------------- /tests/smoke_test/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/conftest.py -------------------------------------------------------------------------------- /tests/smoke_test/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/pytest.ini -------------------------------------------------------------------------------- /tests/smoke_test/quantization_smoke/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/smoke_test/quantization_smoke/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/quantization_smoke/conftest.py -------------------------------------------------------------------------------- /tests/smoke_test/quantization_smoke/test_quantization_smoke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/quantization_smoke/test_quantization_smoke.py -------------------------------------------------------------------------------- /tests/smoke_test/test_graph/dgl/default_graph.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_graph/dgl/default_graph.bin -------------------------------------------------------------------------------- /tests/smoke_test/test_images/black_square.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/black_square.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/classification_images/fly.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/classification_images/fly.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/classification_images/palace.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/classification_images/palace.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/classification_images/player.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/classification_images/player.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/detection_images/coco_plane.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/detection_images/coco_plane.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/detection_images/player.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/detection_images/player.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/detection_images/thispersondoesntexist.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/detection_images/thispersondoesntexist.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/detection_images/voc_car.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/detection_images/voc_car.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/segmentation_images/horse.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/segmentation_images/horse.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/segmentation_images/plane.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/segmentation_images/plane.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/segmentation_images/road.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/segmentation_images/road.jpg -------------------------------------------------------------------------------- /tests/smoke_test/test_images/test_graph.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/test_images/test_graph.bin -------------------------------------------------------------------------------- /tests/smoke_test/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/itlab-vision/dl-benchmark/HEAD/tests/smoke_test/utils.py --------------------------------------------------------------------------------