Skip to content

Commit 22c971b

Browse files
committed
Results from R50 GH action on macos-latest
1 parent 0bfa1ac commit 22c971b

File tree

13 files changed

+268
-268
lines changed

13 files changed

+268
-268
lines changed
Original file line numberDiff line numberDiff line change
@@ -1,3 +1,3 @@
11
| Model | Scenario | Accuracy | Throughput | Latency (in ms) |
22
|----------|------------|------------|--------------|-------------------|
3-
| resnet50 | offline | 76 | 23.279 | - |
3+
| resnet50 | offline | 76 | 17.303 | - |

open/MLCommons/measurements/gh_macos-latest_x86-reference-cpu-onnxruntime_v1.22.1-default_config/resnet50/offline/README.md

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -16,16 +16,16 @@ pip install -U mlcflow
1616

1717
mlc rm cache -f
1818

19-
mlc pull repo mlcommons@mlperf-automations --checkout=f81d58568deca18040658f74e0f1373711b7ffaf
19+
mlc pull repo GATEOverflow@mlperf-automations --checkout=893f8551bf29983e1bdb9037f5af08abdfc98842
2020

2121

2222
```
2323
*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:*
24+
you should simply reload GATEOverflow@mlperf-automations without checkout and clean MLC cache as follows:*
2525

2626
```bash
27-
mlc rm repo mlcommons@mlperf-automations
28-
mlc pull repo mlcommons@mlperf-automations
27+
mlc rm repo GATEOverflow@mlperf-automations
28+
mlc pull repo GATEOverflow@mlperf-automations
2929
mlc rm cache -f
3030

3131
```
@@ -40,4 +40,4 @@ Model Precision: fp32
4040
`acc`: `76.0`, Required accuracy for closed division `>= 75.6954`
4141

4242
### Performance Results
43-
`Samples per second`: `23.2786`
43+
`Samples per second`: `17.3033`
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
1-
python3 python/main.py --profile resnet50-onnxruntime --model "/Users/runner/MLC/repos/local/cache/download-file_ml-model-resnet_e58cc323/resnet50_v1.onnx" --dataset-path /Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_afacda64 --output "/Users/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_654248aa/test_results/gh_macos-latest x86-reference-cpu-onnxruntime-v1.22.1-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 3 --user_conf /Users/runner/MLC/repos/mlcommons@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/e21e97e0d38345cab009971762f52645.conf --accuracy --use_preprocessed_dataset --cache_dir /Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_afacda64 --dataset-list /Users/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_f56d0e0a/val.txt
2-
INFO:main:Namespace(dataset='imagenet', dataset_path='/Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_afacda64', dataset_list='/Users/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_f56d0e0a/val.txt', data_format=None, profile='resnet50-onnxruntime', scenario='Offline', max_batchsize=32, model='/Users/runner/MLC/repos/local/cache/download-file_ml-model-resnet_e58cc323/resnet50_v1.onnx', output='/Users/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_654248aa/test_results/gh_macos-latest x86-reference-cpu-onnxruntime-v1.22.1-default_config/resnet50/offline/accuracy', inputs=None, outputs=['ArgMax:0'], backend='onnxruntime', device=None, model_name='resnet50', threads=3, qps=None, cache=0, cache_dir='/Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_afacda64', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/Users/runner/MLC/repos/mlcommons@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/e21e97e0d38345cab009971762f52645.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
1+
python3 python/main.py --profile resnet50-onnxruntime --model "/Users/runner/MLC/repos/local/cache/download-file_ml-model-resnet_88a8126d/resnet50_v1.onnx" --dataset-path /Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_0fdc89f2 --output "/Users/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_1451fa05/test_results/gh_macos-latest x86-reference-cpu-onnxruntime-v1.22.1-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 3 --user_conf /Users/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/f40cfe35c54142bb9d3d69f69e3d6ae1.conf --accuracy --use_preprocessed_dataset --cache_dir /Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_0fdc89f2 --dataset-list /Users/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_9b7d6b24/val.txt
2+
INFO:main:Namespace(dataset='imagenet', dataset_path='/Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_0fdc89f2', dataset_list='/Users/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_9b7d6b24/val.txt', data_format=None, profile='resnet50-onnxruntime', scenario='Offline', max_batchsize=32, model='/Users/runner/MLC/repos/local/cache/download-file_ml-model-resnet_88a8126d/resnet50_v1.onnx', output='/Users/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_1451fa05/test_results/gh_macos-latest x86-reference-cpu-onnxruntime-v1.22.1-default_config/resnet50/offline/accuracy', inputs=None, outputs=['ArgMax:0'], backend='onnxruntime', device=None, model_name='resnet50', threads=3, qps=None, cache=0, cache_dir='/Users/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_0fdc89f2', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/Users/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/f40cfe35c54142bb9d3d69f69e3d6ae1.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
33
INFO:imagenet:Loading 500 preprocessed images using 3 threads
44
INFO:imagenet:loaded 500 images, cache=0, already_preprocessed=True, took=0.0sec
55
INFO:main:starting TestScenario.Offline
6-
TestScenario.Offline qps=0.80, mean=11.3737, time=19.915, acc=76.000%, queries=16, tiles=50.0:10.8757,80.0:17.8032,90.0:17.8999,95.0:18.4443,99.0:19.5417,99.9:19.7886
6+
TestScenario.Offline qps=0.60, mean=16.5878, time=26.757, acc=76.000%, queries=16, tiles=50.0:16.2507,80.0:23.7981,90.0:24.1959,95.0:24.9081,99.0:25.9090,99.9:26.1341

open/MLCommons/measurements/gh_macos-latest_x86-reference-cpu-onnxruntime_v1.22.1-default_config/resnet50/offline/mlc-deps.mmd

Lines changed: 24 additions & 24 deletions
Original file line numberDiff line numberDiff line change
@@ -13,16 +13,16 @@ graph TD
1313
get-generic-sys-util,bb0393afa8404a11_(_md5sha1sum_) --> get,generic-sys-util,_install,_md5sha1sum
1414
download-file,9cdc8dc41aae437e_(_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> get,generic-sys-util,_md5sha1sum
1515
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
16-
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_97754090/caffe_ilsvrc12.tar.gz_) --> detect,os
17-
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_97754090/caffe_ilsvrc12.tar.gz_) --> get,generic-sys-util,_md5sha1sum
18-
download-and-extract,c67e81a4ce2649f5_(_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> extract,file,_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_97754090/caffe_ilsvrc12.tar.gz
16+
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_0a4071ef/caffe_ilsvrc12.tar.gz_) --> detect,os
17+
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_0a4071ef/caffe_ilsvrc12.tar.gz_) --> get,generic-sys-util,_md5sha1sum
18+
download-and-extract,c67e81a4ce2649f5_(_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz_) --> extract,file,_keep,_path./Users/runner/MLC/repos/local/cache/download-file_imagenet-aux-da_0a4071ef/caffe_ilsvrc12.tar.gz
1919
get-dataset-imagenet-aux,bb2c6dd8c8c64217 --> download-and-extract,_extract,_wget,_url.https://armi.in/files/caffe_ilsvrc12.tar.gz
2020
app-mlperf-inference,d775cac873ee4231_(_python,_resnet50,_onnxruntime,_cpu,_test,_r5.1-dev_default,_offline_) --> get,dataset-aux,imagenet-aux
21-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> detect,os
21+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> detect,os
2222
detect-cpu,586c8a43320142f7 --> detect,os
23-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> detect,cpu
23+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> detect,cpu
2424
get-sys-utils-cm,bc90993277e84b8e --> detect,os
25-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,python
25+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,python
2626
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> detect,os
2727
detect-cpu,586c8a43320142f7 --> detect,os
2828
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> detect,cpu
@@ -32,20 +32,20 @@ graph TD
3232
get-generic-python-lib,94b62a682bc44791_(_pip_) --> detect,cpu
3333
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
3434
get-generic-python-lib,94b62a682bc44791_(_onnxruntime_) --> get,generic-python-lib,_pip
35-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-python-lib,_onnxruntime
35+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_onnxruntime
3636
download-file,9cdc8dc41aae437e_(_cmutil,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx_) --> detect,os
3737
download-file,9cdc8dc41aae437e_(_cmutil,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx_) --> get,generic-sys-util,_md5sha1sum
3838
download-and-extract,c67e81a4ce2649f5_(_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx_) --> download,file,_cmutil,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx
39-
get-ml-model-resnet50,56203e4e998b4bc0_(_fp32,_onnx_) --> download-and-extract,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx
40-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,ml-model,image-classification,resnet50,raw,_fp32,_onnx
39+
get-ml-model-resnet50,56203e4e998b4bc0_(_onnx,_fp32_) --> download-and-extract,_url.https://armi.in/files/resnet50_v1_op11/resnet50_v1.onnx
40+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,ml-model,image-classification,resnet50,raw,_onnx,_fp32
4141
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,python3
4242
get-dataset-imagenet-val,7afd58d287fe4f11_(_size.500,_2012_) --> detect,os
4343
download-file,9cdc8dc41aae437e_(_cmutil,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> detect,os
4444
download-file,9cdc8dc41aae437e_(_cmutil,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> get,generic-sys-util,_md5sha1sum
4545
download-and-extract,c67e81a4ce2649f5_(_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> download,file,_cmutil,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar
46-
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_938a5477/ILSVRC2012_img_val_500.tar_) --> detect,os
47-
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_938a5477/ILSVRC2012_img_val_500.tar_) --> get,generic-sys-util,_md5sha1sum
48-
download-and-extract,c67e81a4ce2649f5_(_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> extract,file,_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_938a5477/ILSVRC2012_img_val_500.tar
46+
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_2c424274/ILSVRC2012_img_val_500.tar_) --> detect,os
47+
extract-file,3f0b76219d004817_(_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_2c424274/ILSVRC2012_img_val_500.tar_) --> get,generic-sys-util,_md5sha1sum
48+
download-and-extract,c67e81a4ce2649f5_(_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar_) --> extract,file,_keep,_path./Users/runner/MLC/repos/local/cache/get-dataset-imagenet-val_2c424274/ILSVRC2012_img_val_500.tar
4949
get-dataset-imagenet-val,7afd58d287fe4f11_(_size.500,_2012_) --> download-and-extract,file,_extract,_url.http://cKnowledge.org/ai/data/ILSVRC2012_img_val_500.tar
5050
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,dataset,image-classification,original,_size.500,_2012
5151
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,dataset-aux,image-classification,imagenet-aux
@@ -68,16 +68,16 @@ graph TD
6868
get-generic-sys-util,bb0393afa8404a11_(_install,_libgl_) --> detect,os
6969
get-generic-sys-util,bb0393afa8404a11_(_libgl_) --> get,generic-sys-util,_install,_libgl
7070
get-preprocessed-dataset-imagenet,f259d490bbaf45f5_(_-for.mobilenet,_NCHW_) --> get,generic-sys-util,_libgl
71-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,dataset,image-classification,imagenet,preprocessed,_-for.mobilenet,_NCHW
72-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,dataset-aux,image-classification,imagenet-aux
71+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,dataset,image-classification,imagenet,preprocessed,_-for.mobilenet,_NCHW
72+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,dataset-aux,image-classification,imagenet-aux
7373
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> detect,os
7474
detect-cpu,586c8a43320142f7 --> detect,os
7575
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> detect,cpu
7676
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,python
7777
get-mlperf-inference-sut-configs,c2fbf72009e2445b --> get,cache,dir,_name.mlperf-inference-sut-configs
7878
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,sut,configs
7979
generate-mlperf-inference-user-conf,3af4475745964b93_(_wg-inference_) --> get,mlcommons,inference,src
80-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> generate,user-conf,mlperf,inference,_wg-inference
80+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> generate,user-conf,mlperf,inference,_wg-inference
8181
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> detect,os
8282
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,python3
8383
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,mlcommons,inference,src
@@ -108,39 +108,39 @@ graph TD
108108
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
109109
get-generic-python-lib,94b62a682bc44791_(_package.setuptools_) --> get,generic-python-lib,_pip
110110
get-mlperf-inference-loadgen,64c3d98d0ba04950_(_wg-inference_) --> get,generic-python-lib,_package.setuptools
111-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,loadgen,_wg-inference
112-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,mlcommons,inference,src
113-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,mlcommons,inference,src
111+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,loadgen,_wg-inference
112+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,mlcommons,inference,src
113+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,mlcommons,inference,src
114114
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,os
115115
detect-cpu,586c8a43320142f7 --> detect,os
116116
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,cpu
117117
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,python3
118118
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
119119
get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,generic-python-lib,_pip
120-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-python-lib,_package.psutil
120+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_package.psutil
121121
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> detect,os
122122
detect-cpu,586c8a43320142f7 --> detect,os
123123
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> detect,cpu
124124
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> get,python3
125125
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
126126
get-generic-python-lib,94b62a682bc44791_(_opencv-python_) --> get,generic-python-lib,_pip
127-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-python-lib,_opencv-python
128-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-sys-util,_libgl
127+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_opencv-python
128+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-sys-util,_libgl
129129
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> detect,os
130130
detect-cpu,586c8a43320142f7 --> detect,os
131131
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> detect,cpu
132132
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> get,python3
133133
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
134134
get-generic-python-lib,94b62a682bc44791_(_numpy_) --> get,generic-python-lib,_pip
135-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-python-lib,_numpy
135+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_numpy
136136
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> detect,os
137137
detect-cpu,586c8a43320142f7 --> detect,os
138138
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> detect,cpu
139139
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> get,python3
140140
get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3
141141
get-generic-python-lib,94b62a682bc44791_(_pycocotools_) --> get,generic-python-lib,_pip
142-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> get,generic-python-lib,_pycocotools
142+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> get,generic-python-lib,_pycocotools
143143
detect-cpu,586c8a43320142f7 --> detect,os
144144
benchmark-program,19f369ef47084895 --> detect,cpu
145145
benchmark-program-mlperf,cfff0132a8aa4018 --> benchmark-program,program
146-
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_resnet50,_onnxruntime,_offline,_cpu,_fp32_) --> benchmark-mlperf
146+
app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_cpu,_resnet50,_onnxruntime,_offline,_fp32_) --> benchmark-mlperf

0 commit comments

Comments
 (0)