Skip to content

Commit b1f5760

Browse files
committed
Results from R50 GH action on ubuntu-latest
1 parent 74ece55 commit b1f5760

File tree

12 files changed

+351
-352
lines changed

12 files changed

+351
-352
lines changed
Lines changed: 1 addition & 1 deletion
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 | 21.045 | - |
3+
| resnet50 | offline | 76 | 21.049 | - |

open/MLCommons/measurements/gh_ubuntu-latest_x86-reference-cpu-tf_v2.19.0-default_config/resnet50/offline/README.md

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

1717
mlc rm cache -f
1818

19-
mlc pull repo GATEOverflow@mlperf-automations --checkout=81b61cfd6fe1d811fad454a890813b4540c09bea
19+
mlc pull repo GATEOverflow@mlperf-automations --checkout=70c941bfd49c78b2e1d8343350a580cf73226f2d
2020

2121

2222
```
@@ -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`: `21.0453`
43+
`Samples per second`: `21.0493`
Original file line numberDiff line numberDiff line change
@@ -1,20 +1,20 @@
1-
python3 python/main.py --profile resnet50-tf --model "/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_553a15a2/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_d1fde712 --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_fea6d5b9/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.19.0-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 4 --user_conf /home/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/52022935b1cf4de0b7552837fd1efa10.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_d1fde712 --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_7039d7e2/val.txt
2-
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_d1fde712', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_7039d7e2/val.txt', data_format=None, profile='resnet50-tf', scenario='Offline', max_batchsize=32, model='/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_553a15a2/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_fea6d5b9/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.19.0-default_config/resnet50/offline/accuracy', inputs=['input_tensor:0'], outputs=['ArgMax:0'], backend='tensorflow', device=None, model_name='resnet50', threads=4, qps=None, cache=0, cache_dir='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_d1fde712', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/home/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/52022935b1cf4de0b7552837fd1efa10.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3-
2025-07-02 09:36:35.130614: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:32] Could not find cuda drivers on your machine, GPU will not be used.
4-
2025-07-02 09:36:35.133771: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:32] Could not find cuda drivers on your machine, GPU will not be used.
5-
2025-07-02 09:36:35.142225: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:467] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
1+
python3 python/main.py --profile resnet50-tf --model "/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_daf943c1/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_3ef49740 --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_7df3fb5a/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.19.0-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 4 --user_conf /home/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/3e475b71b8d14e928f227ce968516006.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_3ef49740 --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_94dcac7f/val.txt
2+
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_3ef49740', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_94dcac7f/val.txt', data_format=None, profile='resnet50-tf', scenario='Offline', max_batchsize=32, model='/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_daf943c1/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_7df3fb5a/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.19.0-default_config/resnet50/offline/accuracy', inputs=['input_tensor:0'], outputs=['ArgMax:0'], backend='tensorflow', device=None, model_name='resnet50', threads=4, qps=None, cache=0, cache_dir='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_3ef49740', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/home/runner/MLC/repos/GATEOverflow@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/3e475b71b8d14e928f227ce968516006.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3+
2025-07-03 00:07:26.301689: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:32] Could not find cuda drivers on your machine, GPU will not be used.
4+
2025-07-03 00:07:26.304851: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:32] Could not find cuda drivers on your machine, GPU will not be used.
5+
2025-07-03 00:07:26.313701: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:467] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
66
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
7-
E0000 00:00:1751448995.155951 7924 cuda_dnn.cc:8579] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
8-
E0000 00:00:1751448995.160259 7924 cuda_blas.cc:1407] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
9-
W0000 00:00:1751448995.171871 7924 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
10-
W0000 00:00:1751448995.171888 7924 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
11-
W0000 00:00:1751448995.171892 7924 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
12-
W0000 00:00:1751448995.171894 7924 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
13-
2025-07-02 09:36:35.175657: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
7+
E0000 00:00:1751501246.327521 7942 cuda_dnn.cc:8579] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
8+
E0000 00:00:1751501246.331733 7942 cuda_blas.cc:1407] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
9+
W0000 00:00:1751501246.343064 7942 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
10+
W0000 00:00:1751501246.343081 7942 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
11+
W0000 00:00:1751501246.343083 7942 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
12+
W0000 00:00:1751501246.343084 7942 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
13+
2025-07-03 00:07:26.346705: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
1414
To enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
1515
INFO:imagenet:Loading 500 preprocessed images using 4 threads
1616
INFO:imagenet:loaded 500 images, cache=0, already_preprocessed=True, took=0.0sec
17-
WARNING:tensorflow:From /home/runner/MLC/repos/local/cache/get-git-repo_inference-src_00367c3e/inference/vision/classification_and_detection/python/backend_tf.py:55: FastGFile.__init__ (from tensorflow.python.platform.gfile) is deprecated and will be removed in a future version.
17+
WARNING:tensorflow:From /home/runner/MLC/repos/local/cache/get-git-repo_inference-src_6708dd0c/inference/vision/classification_and_detection/python/backend_tf.py:55: FastGFile.__init__ (from tensorflow.python.platform.gfile) is deprecated and will be removed in a future version.
1818
Instructions for updating:
1919
Use tf.gfile.GFile.
2020
WARNING:tensorflow:From /opt/hostedtoolcache/Python/3.12.11/x64/lib/python3.12/site-packages/tensorflow/python/tools/strip_unused_lib.py:84: extract_sub_graph (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
@@ -23,8 +23,8 @@ This API was designed for TensorFlow v1. See https://www.tensorflow.org/guide/mi
2323
WARNING:tensorflow:From /opt/hostedtoolcache/Python/3.12.11/x64/lib/python3.12/site-packages/tensorflow/python/tools/optimize_for_inference_lib.py:138: remove_training_nodes (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
2424
Instructions for updating:
2525
This API was designed for TensorFlow v1. See https://www.tensorflow.org/guide/migrate for instructions on how to migrate your code to TensorFlow v2.
26-
2025-07-02 09:37:31.361110: E external/local_xla/xla/stream_executor/cuda/cuda_platform.cc:51] failed call to cuInit: INTERNAL: CUDA error: Failed call to cuInit: UNKNOWN ERROR (303)
26+
2025-07-03 00:08:25.464627: E external/local_xla/xla/stream_executor/cuda/cuda_platform.cc:51] failed call to cuInit: INTERNAL: CUDA error: Failed call to cuInit: UNKNOWN ERROR (303)
2727
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
28-
I0000 00:00:1751449051.424062 7924 mlir_graph_optimization_pass.cc:425] MLIR V1 optimization pass is not enabled
28+
I0000 00:00:1751501305.531262 7942 mlir_graph_optimization_pass.cc:425] MLIR V1 optimization pass is not enabled
2929
INFO:main:starting TestScenario.Offline
30-
TestScenario.Offline qps=0.67, mean=15.0345, time=23.810, acc=76.000%, queries=16, tiles=50.0:15.1619,80.0:23.1777,90.0:23.5334,95.0:23.7187,99.0:23.7205,99.9:23.7209
30+
TestScenario.Offline qps=0.67, mean=15.0089, time=23.766, acc=76.000%, queries=16, tiles=50.0:15.1965,80.0:23.0079,90.0:23.6498,95.0:23.6791,99.0:23.7005,99.9:23.7053

0 commit comments

Comments
 (0)