Skip to content

Commit 3ad2fc8

Browse files
committed
Auto-merge updates from auto-update branch
2 parents 15a0516 + 2cb91c4 commit 3ad2fc8

File tree

13 files changed

+321
-320
lines changed

13 files changed

+321
-320
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.041 | - |
3+
| resnet50 | offline | 76 | 21.143 | - |

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 mlcommons@mlperf-automations --checkout=a333cae357e43e5b912865b00432cc1f4628d80e
19+
mlc pull repo amd@mlperf-automations --checkout=9ec0107f4649639a4632609a850806c5acb48431
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 amd@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 amd@mlperf-automations
28+
mlc pull repo amd@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.0409`
43+
`Samples per second`: `21.1426`
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_d9ba9384/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_742f1963 --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_f56dcd88/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/mlcommons@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/5fcb1a793c3a4dbd85567ec0625e4f76.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_742f1963 --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_7479b93e/val.txt
2-
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_742f1963', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_7479b93e/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_d9ba9384/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_f56dcd88/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_742f1963', 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/5fcb1a793c3a4dbd85567ec0625e4f76.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3-
2025-10-21 02:16:05.835702: 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-10-21 02:16:05.880466: 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_6a5ffb85/resnet50_v1.pb" --dataset-path /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_cd8bbe58 --output "/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_75847246/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/amd@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/24c5426d25ad450391bbaa92e5383c19.conf --accuracy --use_preprocessed_dataset --cache_dir /home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_cd8bbe58 --dataset-list /home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_2106481a/val.txt
2+
INFO:main:Namespace(dataset='imagenet', dataset_path='/home/runner/MLC/repos/local/cache/get-preprocessed-dataset-imagenet_cd8bbe58', dataset_list='/home/runner/MLC/repos/local/cache/extract-file_imagenet-aux-da_2106481a/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_6a5ffb85/resnet50_v1.pb', output='/home/runner/MLC/repos/local/cache/get-mlperf-inference-results-dir_75847246/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_cd8bbe58', preprocessed_dir=None, use_preprocessed_dataset=True, accuracy=True, find_peak_performance=False, debug=False, user_conf='/home/runner/MLC/repos/amd@mlperf-automations/script/generate-mlperf-inference-user-conf/tmp/24c5426d25ad450391bbaa92e5383c19.conf', audit_conf='audit.config', time=None, count=500, performance_sample_count=None, max_latency=None, samples_per_query=8)
3+
2025-10-25 04:26:43.310231: 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-10-25 04:26:43.354976: 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-10-21 02:16:07.052852: 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-10-25 04:26:44.572818: 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_12b938ea/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_cc5a7620/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-10-21 02:17:02.800509: 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-10-25 04:27:40.446409: 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:1761013022.882552 4011 mlir_graph_optimization_pass.cc:437] MLIR V1 optimization pass is not enabled
20+
I0000 00:00:1761366460.529112 4004 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=14.9747, time=23.729, acc=76.000%, queries=16, tiles=50.0:15.0474,80.0:22.7018,90.0:23.5438,95.0:23.6278,99.0:23.6620,99.9:23.6696
22+
TestScenario.Offline qps=0.67, mean=14.9448, time=23.713, acc=76.000%, queries=16, tiles=50.0:15.0939,80.0:22.8250,90.0:23.5503,95.0:23.5791,99.0:23.6152,99.9:23.6233

0 commit comments

Comments
 (0)