Skip to content

Commit 515c07a

Browse files
committed
Results from R50 GH action on ubuntu-latest
1 parent c3cef7e commit 515c07a

File tree

12 files changed

+275
-276
lines changed

12 files changed

+275
-276
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.009 | - |
3+
| resnet50 | offline | 76 | 21.035 | - |

open/MLCommons/measurements/gh_ubuntu-latest_x86-reference-cpu-tf_v2.20.0-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 shahfarazz@mlperf-automations --checkout=f6115ee49cbfcdf71aca745c3eab6875b6526511
19+
mlc pull repo GATEOverflow@mlperf-automations --checkout=429863d5d788cbf56adcc40c6bfddeaf4752bde6
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 shahfarazz@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 shahfarazz@mlperf-automations
28-
mlc pull repo shahfarazz@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`: `21.0086`
43+
`Samples per second`: `21.0355`
Original file line numberDiff line numberDiff line change
@@ -1,12 +1,12 @@
1-
python3 python/main.py --profile resnet50-tf --model "/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_7b877908/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_5373c636 --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_b4425d81/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.20.0-default_config/resnet50/offline/accuracy" --scenario Offline --count 500 --threads 4 --user_conf /home/runner/MLC/repos/shahfarazz@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/4f3815be93dc466ab3e8128b2434b481.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_5373c636 --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_00f23526/val.txt
2-
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_5373c636', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_00f23526/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_7b877908/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_b4425d81/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.20.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_5373c636', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/home/runner/MLC/repos/shahfarazz@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/4f3815be93dc466ab3e8128b2434b481.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3-
2025-09-04 18:07:15.052016: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.
4-
2025-09-04 18:07:15.097386: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
1+
python3 python/main.py --profile resnet50-tf --model "/home/runner/MLC/repos/local/cache/download-file_ml-model-resnet_d6a3fe43/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_51d4fe5b --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_4cc887a0/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.20.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/f1588a8ac0184d53a6443291c20d892f.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_51d4fe5b --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_73a488fc/val.txt
2+
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_51d4fe5b', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_73a488fc/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_d6a3fe43/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_4cc887a0/test_results/gh_ubuntu-latest x86-reference-cpu-tf-v2.20.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_51d4fe5b', 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/f1588a8ac0184d53a6443291c20d892f.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3+
2025-09-04 18:43:38.589145: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.
4+
2025-09-04 18:43:38.633685: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
55
To enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
6-
2025-09-04 18:07:16.330680: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.
6+
2025-09-04 18:43:39.819914: I external/local_xla/xla/tsl/cuda/cudart_stub.cc:31] Could not find cuda drivers on your machine, GPU will not be used.
77
INFO:imagenet:Loading 500 preprocessed images using 4 threads
88
INFO:imagenet:loaded 500 images, cache=0, already_preprocessed=True, took=0.0sec
9-
WARNING:tensorflow:From /home/runner/MLC/repos/local/cache/get-git-repo_inference-src_bc1308d8/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.
9+
WARNING:tensorflow:From /home/runner/MLC/repos/local/cache/get-git-repo_inference-src_2986a439/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.
1010
Instructions for updating:
1111
Use tf.gfile.GFile.
1212
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.
@@ -15,8 +15,8 @@ This API was designed for TensorFlow v1. See https://www.tensorflow.org/guide/mi
1515
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.
1616
Instructions for updating:
1717
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.
18-
2025-09-04 18:08:11.682737: 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)
18+
2025-09-04 18:44:35.084413: 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)
1919
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
20-
I0000 00:00:1757009291.761142 7846 mlir_graph_optimization_pass.cc:437] MLIR V1 optimization pass is not enabled
20+
I0000 00:00:1757011475.159556 7951 mlir_graph_optimization_pass.cc:437] MLIR V1 optimization pass is not enabled
2121
INFO:main:starting TestScenario.Offline
22-
TestScenario.Offline qps=0.67, mean=15.0249, time=23.849, acc=76.000%, queries=16, tiles=50.0:15.2081,80.0:23.0007,90.0:23.6363,95.0:23.7084,99.0:23.7488,99.9:23.7579
22+
TestScenario.Offline qps=0.67, mean=15.0190, time=23.815, acc=76.000%, queries=16, tiles=50.0:15.2278,80.0:22.8853,90.0:23.6144,95.0:23.6444,99.0:23.7111,99.9:23.7261

0 commit comments

Comments
 (0)