Skip to content

Commit aea8901

Browse files
committed
Results from R50 GH action on ubuntu-latest
1 parent 4e0431e commit aea8901

File tree

21 files changed

+1941
-0
lines changed

21 files changed

+1941
-0
lines changed
Lines changed: 3 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,3 @@
1+
| Model | Scenario | Accuracy | Throughput | Latency (in ms) |
2+
|----------|------------|------------|--------------|-------------------|
3+
| resnet50 | offline | 76 | 23.183 | - |
Lines changed: 43 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,43 @@
1+
*Check [MLC MLPerf docs](https://docs.mlcommons.org/inference) for more details.*
2+
3+
## Host platform
4+
5+
* OS version: Linux-6.11.0-1018-azure-x86_64-with-glibc2.39
6+
* CPU version: x86_64
7+
* Python version: 3.12.11 (main, Jun 4 2025, 04:14:08) [GCC 13.3.0]
8+
* MLC version: unknown
9+
10+
## MLC Run Command
11+
12+
See [MLC installation guide](https://docs.mlcommons.org/inference/install/).
13+
14+
```bash
15+
pip install -U mlcflow
16+
17+
mlc rm cache -f
18+
19+
mlc pull repo mlcommons@mlperf-automations --checkout=b4917894572fb0e470635635bfcca5fe1cfcacf7
20+
21+
22+
```
23+
*Note that if you want to use the [latest automation recipes](https://docs.mlcommons.org/inference) for MLPerf,
24+
you should simply reload mlcommons@mlperf-automations without checkout and clean MLC cache as follows:*
25+
26+
```bash
27+
mlc rm repo mlcommons@mlperf-automations
28+
mlc pull repo mlcommons@mlperf-automations
29+
mlc rm cache -f
30+
31+
```
32+
33+
## Results
34+
35+
Platform: gh_ubuntu-latest_x86-reference-cpu-onnxruntime_v1.23.0-default_config
36+
37+
Model Precision: fp32
38+
39+
### Accuracy Results
40+
`acc`: `76.0`, Required accuracy for closed division `>= 75.6954`
41+
42+
### Performance Results
43+
`Samples per second`: `23.1828`
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,6 @@
1+
python3 python/main.py --profile resnet50-onnxruntime --model "/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_6a4084dd/resnet50_v1.onnx" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_789edf5c --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_cb22f6f3/test_results/gh_ubuntu-latest x86-reference-cpu-onnxruntime-v1.23.0-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 4 --user_conf /home/runner/MLC/repos/mlcommons@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/b7da1a62ca3c4e2cb8810dac358d838a.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_789edf5c --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_3bc14122/val.txt
2+
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_789edf5c', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_3bc14122/val.txt', data_format=None, profile='resnet50-onnxruntime', scenario='Offline', max_batchsize=32, model='/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_6a4084dd/resnet50_v1.onnx', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_cb22f6f3/test_results/gh_ubuntu-latest x86-reference-cpu-onnxruntime-v1.23.0-default_config/resnet50/offline/accuracy', inputs=None, outputs=['ArgMax:0'], backend='onnxruntime', device=None, model_name='resnet50', threads=4, qps=None, cache=0, cache_dir='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_789edf5c', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/home/runner/MLC/repos/mlcommons@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/b7da1a62ca3c4e2cb8810dac358d838a.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3+
INFO:imagenet:Loading 500 preprocessed images using 4 threads
4+
INFO:imagenet:loaded 500 images, cache=0, already_preprocessed=True, took=0.0sec
5+
INFO:main:starting TestScenario.Offline
6+
TestScenario.Offline qps=0.74, mean=13.5159, time=21.544, acc=76.000%, queries=16, tiles=50.0:13.6809,80.0:20.8941,90.0:21.2061,95.0:21.2885,99.0:21.3704,99.9:21.3888
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,29 @@
1+
{
2+
"MLC_HOST_CPU_WRITE_PROTECT_SUPPORT": "yes",
3+
"MLC_HOST_CPU_MICROCODE": "0xffffffff",
4+
"MLC_HOST_CPU_FPU_SUPPORT": "yes",
5+
"MLC_HOST_CPU_FPU_EXCEPTION_SUPPORT": "yes",
6+
"MLC_HOST_CPU_BUGS": "sysret_ss_attrs null_seg spectre_v1 spectre_v2 spec_store_bypass srso",
7+
"MLC_HOST_CPU_TLB_SIZE": "2560 4K pages",
8+
"MLC_HOST_CPU_CFLUSH_SIZE": "64",
9+
"MLC_HOST_CPU_ARCHITECTURE": "x86_64",
10+
"MLC_HOST_CPU_TOTAL_CORES": "4",
11+
"MLC_HOST_CPU_ON_LINE_CPUS_LIST": "0-3",
12+
"MLC_HOST_CPU_VENDOR_ID": "AuthenticAMD",
13+
"MLC_HOST_CPU_MODEL_NAME": "AMD EPYC 7763 64-Core Processor",
14+
"MLC_HOST_CPU_FAMILY": "25",
15+
"MLC_HOST_CPU_THREADS_PER_CORE": "2",
16+
"MLC_HOST_CPU_PHYSICAL_CORES_PER_SOCKET": "2",
17+
"MLC_HOST_CPU_SOCKETS": "1",
18+
"MLC_HOST_CPU_L1D_CACHE_SIZE": "64 KiB (2 instances)",
19+
"MLC_HOST_CPU_L1I_CACHE_SIZE": "64 KiB (2 instances)",
20+
"MLC_HOST_CPU_L2_CACHE_SIZE": "1 MiB (2 instances)",
21+
"MLC_HOST_CPU_L3_CACHE_SIZE": "32 MiB (1 instance)",
22+
"MLC_HOST_CPU_NUMA_NODES": "1",
23+
"MLC_HOST_CPU_START_CORES": "0",
24+
"MLC_HOST_CPU_TOTAL_LOGICAL_CORES": "4",
25+
"MLC_HOST_CPU_TOTAL_PHYSICAL_CORES": "2",
26+
"MLC_HOST_CPU_PHYSICAL_CORES_LIST": "0-1",
27+
"MLC_HOST_MEMORY_CAPACITY": "16G",
28+
"MLC_HOST_DISK_CAPACITY": "159G"
29+
}
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,7 @@
1+
{
2+
"starting_weights_filename": "https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx",
3+
"retraining": "no",
4+
"input_data_types": "fp32",
5+
"weight_data_types": "fp32",
6+
"weight_transformations": "no"
7+
}
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,125 @@
1+
graph TD
2+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> detect,os
3+
get-sys-utils-mlc,bc90993277e84b8e --> detect,os
4+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> get,python
5+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> get,mlcommons,inference,src
6+
pull-git-repo,c23132ed65c4421d --> detect,os
7+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> pull,git,repo
8+
get-mlperf-inference-utils,e341e5f86d8342e5 --> get,mlperf,inference,src
9+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> get,mlperf,inference,utils
10+
download-file,9cdc8dc41aae437e_(_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> detect,os
11+
download-and-extract,c67e81a4ce2649f5_(_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> download,file,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz
12+
extract-file,3f0b76219d004817_(_keep,_path./home/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_260e5448/caffe_ilsvrc12.tar.gz_) --> detect,os
13+
download-and-extract,c67e81a4ce2649f5_(_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> extract,file,_keep,_path./home/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_260e5448/caffe_ilsvrc12.tar.gz
14+
get-dataset-imagenet-aux,bb2c6dd8c8c64217 --> download-and-extract,_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz
15+
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> get,dataset-aux,imagenet-aux
16+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> detect,os
17+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> detect,cpu
18+
get-sys-utils-mlc,bc90993277e84b8e --> detect,os
19+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,python
20+
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> detect,os
21+
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> detect,cpu
22+
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> get,python3
23+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> detect,os
24+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> detect,cpu
25+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
26+
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> get,generic-python-lib,_pip
27+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_onnxruntime
28+
download-file,9cdc8dc41aae437e_(_mlcutil,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx_) --> detect,os
29+
download-and-extract,c67e81a4ce2649f5_(_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx_) --> download,file,_mlcutil,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx
30+
get-ml-model-resnet50,56203e4e998b4bc0_(_fp32,_onnx_) --> download-and-extract,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx
31+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,ml-model,image-classification,resnet50,raw,_fp32,_onnx
32+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,python3
33+
get-dataset-imagenet-val,7afd58d287fe4f11_(_size.500,_2012_) --> detect,os
34+
download-file,9cdc8dc41aae437e_(_mlcutil,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> detect,os
35+
download-and-extract,c67e81a4ce2649f5_(_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> download,file,_mlcutil,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar
36+
extract-file,3f0b76219d004817_(_keep,_path./home/runner/MLC/repos/local/cache/get-dataset-imagenet-val_98ef8c7e/ILSVRC2012_img_val_500.tar_) --> detect,os
37+
download-and-extract,c67e81a4ce2649f5_(_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> extract,file,_keep,_path./home/runner/MLC/repos/local/cache/get-dataset-imagenet-val_98ef8c7e/ILSVRC2012_img_val_500.tar
38+
get-dataset-imagenet-val,7afd58d287fe4f11_(_size.500,_2012_) --> download-and-extract,file,_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar
39+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,dataset,image-classification,original,_size.500,_2012
40+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,dataset-aux,image-classification,imagenet-aux
41+
get-generic-python-lib,94b62a682bc44791_(_package.opencv-python-headless_) --> detect,os
42+
get-generic-python-lib,94b62a682bc44791_(_package.opencv-python-headless_) --> detect,cpu
43+
get-generic-python-lib,94b62a682bc44791_(_package.opencv-python-headless_) --> get,python3
44+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
45+
get-generic-python-lib,94b62a682bc44791_(_package.opencv-python-headless_) --> get,generic-python-lib,_pip
46+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,generic-python-lib,_package.opencv-python-headless
47+
get-generic-python-lib,94b62a682bc44791_(_pillow_) --> detect,os
48+
get-generic-python-lib,94b62a682bc44791_(_pillow_) --> detect,cpu
49+
get-generic-python-lib,94b62a682bc44791_(_pillow_) --> get,python3
50+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
51+
get-generic-python-lib,94b62a682bc44791_(_pillow_) --> get,generic-python-lib,_pip
52+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,generic-python-lib,_pillow
53+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> mlperf,mlcommons,inference,source,src
54+
get-generic-sys-util,bb0393afa8404a11_(_libgl_) --> detect,os
55+
get-generic-sys-util,bb0393afa8404a11_(_libgl_) --> detect,sudo
56+
get-generic-sys-util,bb0393afa8404a11_(_install,_libgl_) --> detect,os
57+
get-generic-sys-util,bb0393afa8404a11_(_install,_libgl_) --> detect,sudo
58+
get-generic-sys-util,bb0393afa8404a11_(_libgl_) --> get,generic-sys-util,_install,_libgl
59+
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,generic-sys-util,_libgl
60+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,dataset,image-classification,imagenet,preprocessed,_-for.mobilenet,_NCHW
61+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,dataset-aux,image-classification,imagenet-aux
62+
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> detect,os
63+
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> detect,cpu
64+
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,python
65+
get-mlperf-inference-sut-configs,c2fbf72009e2445b --> get,cache,dir,_name.mlperf-inference-sut-configs
66+
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,sut,configs
67+
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,mlcommons,inference,src
68+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> generate,user-conf,mlperf,inference,_wg-inference
69+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> detect,os
70+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,python3
71+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,mlcommons,inference,src
72+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,compiler
73+
get-cmake,52bf974d791b4fc8 --> detect,cpu
74+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,cmake
75+
get-generic-python-lib,94b62a682bc44791_(_package.wheel_) --> detect,os
76+
get-generic-python-lib,94b62a682bc44791_(_package.wheel_) --> detect,cpu
77+
get-generic-python-lib,94b62a682bc44791_(_package.wheel_) --> get,python3
78+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
79+
get-generic-python-lib,94b62a682bc44791_(_package.wheel_) --> get,generic-python-lib,_pip
80+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,generic-python-lib,_package.wheel
81+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
82+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,generic-python-lib,_pip
83+
get-generic-python-lib,94b62a682bc44791_(_package.pybind11_) --> detect,os
84+
get-generic-python-lib,94b62a682bc44791_(_package.pybind11_) --> detect,cpu
85+
get-generic-python-lib,94b62a682bc44791_(_package.pybind11_) --> get,python3
86+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
87+
get-generic-python-lib,94b62a682bc44791_(_package.pybind11_) --> get,generic-python-lib,_pip
88+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,generic-python-lib,_package.pybind11
89+
get-generic-python-lib,94b62a682bc44791_(_package.setuptools_) --> detect,os
90+
get-generic-python-lib,94b62a682bc44791_(_package.setuptools_) --> detect,cpu
91+
get-generic-python-lib,94b62a682bc44791_(_package.setuptools_) --> get,python3
92+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
93+
get-generic-python-lib,94b62a682bc44791_(_package.setuptools_) --> get,generic-python-lib,_pip
94+
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,generic-python-lib,_package.setuptools
95+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,loadgen,_wg-inference
96+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,mlcommons,inference,src
97+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,mlcommons,inference,src
98+
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,os
99+
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,cpu
100+
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,python3
101+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
102+
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,generic-python-lib,_pip
103+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_package.psutil
104+
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> detect,os
105+
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> detect,cpu
106+
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> get,python3
107+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
108+
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> get,generic-python-lib,_pip
109+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_opencv-python
110+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-sys-util,_libgl
111+
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> detect,os
112+
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> detect,cpu
113+
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> get,python3
114+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
115+
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> get,generic-python-lib,_pip
116+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_numpy
117+
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> detect,os
118+
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> detect,cpu
119+
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> get,python3
120+
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
121+
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> get,generic-python-lib,_pip
122+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_pycocotools
123+
benchmark-program,19f369ef47084895 --> detect,cpu
124+
benchmark-program-mlperf,cfff0132a8aa4018 --> benchmark-program,program
125+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_cpu,_onnxruntime,_offline,_fp32_) --> benchmark-mlperf
6.9 MB
Loading

0 commit comments

Comments
 (0)