diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/README.md b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/README.md new file mode 100644 index 0000000..75e88af --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/README.md @@ -0,0 +1,3 @@ +| Model | Scenario | Accuracy | Throughput | Latency (in ms) | +|---------------------|------------|----------------------|--------------|-------------------| +| stable-diffusion-xl | offline | (16.3689, 237.82579) | 0.383 | - | \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124.json b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124.json new file mode 100644 index 0000000..07589d2 --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124.json @@ -0,0 +1,7 @@ +{ + "starting_weights_filename": "https://github.com/mlcommons/inference/tree/master/text_to_image#download-model", + "retraining": "no", + "input_data_types": "fp32", + "weight_data_types": "fp32", + "weight_transformations": "no" +} \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/README.md b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/README.md new file mode 100644 index 0000000..c5f069c --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/README.md @@ -0,0 +1,102 @@ +This experiment is generated using the [MLCommons Collective Mind automation framework (CM)](https://github.com/mlcommons/cm4mlops). + +*Check [CM MLPerf docs](https://docs.mlcommons.org/inference) for more details.* + +## Host platform + +* OS version: Linux-6.2.0-39-generic-x86_64-with-glibc2.35 +* CPU version: x86_64 +* Python version: 3.10.12 (main, Sep 11 2024, 15:47:36) [GCC 11.4.0] +* MLCommons CM version: 3.3.4 + +## CM Run Command + +See [CM installation guide](https://docs.mlcommons.org/inference/install/). + +```bash +pip install -U cmind + +cm rm cache -f + +cm pull repo gateoverflow@cm4mlops --checkout=ea6a31007f0354c5548a8c5d75ab2911f8b070bd + +cm run script \ + --tags=app,mlperf,inference,generic,_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline \ + --quiet=true \ + --env.CM_MLPERF_MODEL_SDXL_DOWNLOAD_TO_HOST=yes \ + --env.CM_QUIET=yes \ + --env.CM_MLPERF_IMPLEMENTATION=reference \ + --env.CM_MLPERF_MODEL=sdxl \ + --env.CM_MLPERF_RUN_STYLE=test \ + --env.CM_MLPERF_SKIP_SUBMISSION_GENERATION=False \ + --env.CM_DOCKER_PRIVILEGED_MODE=True \ + --env.CM_MLPERF_BACKEND=pytorch \ + --env.CM_MLPERF_SUBMISSION_SYSTEM_TYPE=datacenter \ + --env.CM_MLPERF_CLEAN_ALL=True \ + --env.CM_MLPERF_DEVICE=cuda \ + --env.CM_MLPERF_USE_DOCKER=True \ + --env.CM_MLPERF_MODEL_PRECISION=float16 \ + --env.OUTPUT_BASE_DIR=/home/arjun/scc_gh_action_results \ + --env.CM_MLPERF_LOADGEN_SCENARIO=Offline \ + --env.CM_MLPERF_INFERENCE_SUBMISSION_DIR=/home/arjun/scc_gh_action_submissions \ + --env.CM_MLPERF_INFERENCE_VERSION=4.1-dev \ + --env.CM_RUN_MLPERF_INFERENCE_APP_DEFAULTS=r4.1-dev_default \ + --env.CM_MLPERF_SUBMISSION_DIVISION=open \ + --env.CM_RUN_MLPERF_SUBMISSION_PREPROCESSOR=False \ + --env.CM_MLPERF_SUBMISSION_GENERATION_STYLE=short \ + --env.CM_MLPERF_SUT_NAME_RUN_CONFIG_SUFFIX4=scc24-base \ + --env.CM_DOCKER_IMAGE_NAME=scc24-reference \ + --env.CM_MLPERF_INFERENCE_MIN_QUERY_COUNT=50 \ + --env.CM_MLPERF_LOADGEN_ALL_MODES=yes \ + --env.CM_MLPERF_INFERENCE_SOURCE_VERSION=4.1.23 \ + --env.CM_MLPERF_LAST_RELEASE=v4.1 \ + --env.CM_TMP_CURRENT_PATH=/home/arjun/actions-runner/_work/cm4mlops/cm4mlops \ + --env.CM_TMP_PIP_VERSION_STRING= \ + --env.CM_MODEL=sdxl \ + --env.CM_MLPERF_LOADGEN_COMPLIANCE=no \ + --env.CM_MLPERF_CLEAN_SUBMISSION_DIR=yes \ + --env.CM_RERUN=yes \ + --env.CM_MLPERF_LOADGEN_EXTRA_OPTIONS= \ + --env.CM_MLPERF_LOADGEN_MODE=performance \ + --env.CM_MLPERF_LOADGEN_SCENARIOS,=Offline \ + --env.CM_MLPERF_LOADGEN_MODES,=performance,accuracy \ + --env.CM_OUTPUT_FOLDER_NAME=test_results \ + --env.CM_DOCKER_REUSE_EXISTING_CONTAINER=no \ + --env.CM_DOCKER_DETACHED_MODE=yes \ + --add_deps_recursive.get-mlperf-inference-results-dir.tags=_version.r4_1-dev \ + --add_deps_recursive.get-mlperf-inference-submission-dir.tags=_version.r4_1-dev \ + --add_deps_recursive.mlperf-inference-nvidia-scratch-space.tags=_version.r4_1-dev \ + --add_deps_recursive.submission-checker.tags=_short-run \ + --add_deps_recursive.coco2014-preprocessed.tags=_size.50,_with-sample-ids \ + --add_deps_recursive.coco2014-dataset.tags=_size.50,_with-sample-ids \ + --add_deps_recursive.nvidia-preprocess-data.extra_cache_tags=scc24-base \ + --v=False \ + --print_env=False \ + --print_deps=False \ + --dump_version_info=True \ + --env.OUTPUT_BASE_DIR=/cm-mount/home/arjun/scc_gh_action_results \ + --env.CM_MLPERF_INFERENCE_SUBMISSION_DIR=/cm-mount/home/arjun/scc_gh_action_submissions \ + --env.SDXL_CHECKPOINT_PATH=/home/cmuser/CM/repos/local/cache/6be1f30ecbde4c4e/stable_diffusion_fp16 +``` +*Note that if you want to use the [latest automation recipes](https://docs.mlcommons.org/inference) for MLPerf (CM scripts), + you should simply reload gateoverflow@cm4mlops without checkout and clean CM cache as follows:* + +```bash +cm rm repo gateoverflow@cm4mlops +cm pull repo gateoverflow@cm4mlops +cm rm cache -f + +``` + +## Results + +Platform: 84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124 + +Model Precision: fp32 + +### Accuracy Results +`CLIP_SCORE`: `16.3689`, Required accuracy for closed division `>= 31.68632` and `<= 31.81332` +`FID_SCORE`: `237.82579`, Required accuracy for closed division `>= 23.01086` and `<= 23.95008` + +### Performance Results +`Samples per second`: `0.382545` diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/accuracy_console.out b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/accuracy_console.out new file mode 100644 index 0000000..f674ea8 --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/accuracy_console.out @@ -0,0 +1,68 @@ +INFO:main:Namespace(dataset='coco-1024', dataset_path='/home/cmuser/CM/repos/local/cache/0fd744f4046f4dae/install', profile='stable-diffusion-xl-pytorch', scenario='Offline', max_batchsize=1, threads=1, accuracy=True, find_peak_performance=False, backend='pytorch', model_name='stable-diffusion-xl', output='/cm-mount/home/arjun/scc_gh_action_results/test_results/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/accuracy', qps=None, model_path='/home/cmuser/CM/repos/local/cache/6be1f30ecbde4c4e/stable_diffusion_fp16', dtype='fp16', device='cuda', latent_framework='torch', user_conf='/home/cmuser/CM/repos/gateoverflow@cm4mlops/script/generate-mlperf-inference-user-conf/tmp/2b14ea8a86e34a88acb3bfec4449c252.conf', audit_conf='audit.config', ids_path='/home/cmuser/CM/repos/local/cache/0fd744f4046f4dae/install/sample_ids.txt', time=None, count=10, debug=False, performance_sample_count=5000, max_latency=None, samples_per_query=8) +Keyword arguments {'safety_checker': None} are not expected by StableDiffusionXLPipeline and will be ignored. + Loading pipeline components...: 0%| | 0/7 [00:00 detect,os + app-mlperf-inference,d775cac873ee4231_(_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline_) --> get,sys-utils-cm + app-mlperf-inference,d775cac873ee4231_(_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline_) --> get,python + get-mlperf-inference-src,4b57186581024797 --> detect,os + get-mlperf-inference-src,4b57186581024797 --> get,python3 + get-git-repo,ed603e7292974f10_(_branch.master,_repo.https://github.com/mlcommons/inference_) --> detect,os + get-mlperf-inference-src,4b57186581024797 --> get,git,repo,_branch.master,_repo.https://github.com/mlcommons/inference + app-mlperf-inference,d775cac873ee4231_(_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline_) --> get,mlcommons,inference,src + get-mlperf-inference-utils,e341e5f86d8342e5 --> get,mlperf,inference,src + app-mlperf-inference,d775cac873ee4231_(_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline_) --> get,mlperf,inference,utils + get-cuda,46d133d9ef92422d_(_toolkit_) --> detect,os + get-cuda-devices,7a3ede4d3558427a_(_with-pycuda_) --> get,cuda,_toolkit + get-cuda-devices,7a3ede4d3558427a_(_with-pycuda_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.pycuda_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.pycuda_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.pycuda_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_pip_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.pycuda_) --> get,generic-python-lib,_pip + get-cuda-devices,7a3ede4d3558427a_(_with-pycuda_) --> get,generic-python-lib,_package.pycuda + get-generic-python-lib,94b62a682bc44791_(_package.numpy_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.numpy_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.numpy_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.numpy_) --> get,generic-python-lib,_pip + get-cuda-devices,7a3ede4d3558427a_(_with-pycuda_) --> get,generic-python-lib,_package.numpy + app-mlperf-inference,d775cac873ee4231_(_reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline_) --> get,cuda-devices,_with-pycuda + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> detect,cpu + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,sys-utils-cm + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,python + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,cuda,_cudnn + get-generic-python-lib,94b62a682bc44791_(_torch_cuda_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_torch_cuda_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_torch_cuda_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_torch_cuda_) --> get,generic-python-lib,_pip + get-generic-python-lib,94b62a682bc44791_(_torch_cuda_) --> get,cuda + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_torch_cuda + get-generic-python-lib,94b62a682bc44791_(_torchvision_cuda_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_torchvision_cuda_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_torchvision_cuda_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_torchvision_cuda_) --> get,generic-python-lib,_pip + get-generic-python-lib,94b62a682bc44791_(_torchvision_cuda_) --> get,cuda + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_torchvision_cuda + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,ml-model,stable-diffusion,text-to-image,sdxl,raw,_pytorch,_fp16 + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,dataset,coco2014,_validation,_size.50,_with-sample-ids + generate-mlperf-inference-user-conf,3af4475745964b93 --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + generate-mlperf-inference-user-conf,3af4475745964b93 --> detect,cpu + generate-mlperf-inference-user-conf,3af4475745964b93 --> get,python + generate-mlperf-inference-user-conf,3af4475745964b93 --> get,mlcommons,inference,src + get-mlperf-inference-sut-configs,c2fbf72009e2445b --> get,cache,dir,_name.mlperf-inference-sut-configs + generate-mlperf-inference-user-conf,3af4475745964b93 --> get,sut,configs + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> generate,user-conf,mlperf,inference + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,loadgen + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,mlcommons,inference,src + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,mlcommons,inference,src + get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.psutil_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.psutil + get-generic-python-lib,94b62a682bc44791_(_package.diffusers_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.diffusers_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.diffusers_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.diffusers_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.diffusers + get-generic-python-lib,94b62a682bc44791_(_package.transformers_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.transformers_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.transformers_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.transformers_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.transformers + get-generic-python-lib,94b62a682bc44791_(_package.torchvision_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.torchvision_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.torchvision_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.torchvision_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.torchvision + get-generic-python-lib,94b62a682bc44791_(_package.accelerate_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.accelerate_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.accelerate_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.accelerate_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.accelerate + get-generic-python-lib,94b62a682bc44791_(_package.torchmetrics_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.torchmetrics_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.torchmetrics_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.torchmetrics_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.torchmetrics + get-generic-python-lib,94b62a682bc44791_(_package.torch-fidelity_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.torch-fidelity_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.torch-fidelity_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.torch-fidelity_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.torch-fidelity + get-generic-python-lib,94b62a682bc44791_(_package.open_clip_torch_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.open_clip_torch_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.open_clip_torch_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.open_clip_torch_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.open_clip_torch + get-generic-python-lib,94b62a682bc44791_(_package.opencv-python_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.opencv-python_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.opencv-python_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.opencv-python_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.opencv-python + get-generic-python-lib,94b62a682bc44791_(_package.scipy_) --> detect,os + detect-cpu,586c8a43320142f7 --> detect,os + get-generic-python-lib,94b62a682bc44791_(_package.scipy_) --> detect,cpu + get-generic-python-lib,94b62a682bc44791_(_package.scipy_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_pip_) --> get,python3 + get-generic-python-lib,94b62a682bc44791_(_package.scipy_) --> get,generic-python-lib,_pip + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> get,generic-python-lib,_package.scipy + detect-cpu,586c8a43320142f7 --> detect,os + benchmark-program,19f369ef47084895 --> detect,cpu + benchmark-program-mlperf,cfff0132a8aa4018 --> benchmark-program,program + app-mlperf-inference-mlcommons-python,ff149e9781fc4b65_(_pytorch,_cuda,_sdxl,_offline,_float16_) --> benchmark-mlperf \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-deps.png b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-deps.png new file mode 100644 index 0000000..96bab39 Binary files /dev/null and b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-deps.png differ diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-version-info.json b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-version-info.json new file mode 100644 index 0000000..98f0b4b --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cm-version-info.json @@ -0,0 +1,1404 @@ +{ + "app-mlperf-inference,d775cac873ee4231:reference,sdxl,pytorch,cuda,test,r4.1-dev_default,float16,offline": [ + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "get,sys-utils-cm": { + "script_uid": "bc90993277e84b8e", + "script_alias": "get-sys-utils-cm", + "script_tags": "get,sys-utils-cm", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "get,python": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-mlperf-inference-src,4b57186581024797" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-mlperf-inference-src,4b57186581024797" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-git-repo,ed603e7292974f10 ( branch.master,_repo.https://github.com/mlcommons/inference )" + } + }, + { + "get,git,repo,_branch.master,_repo.https://github.com/mlcommons/inference": { + "script_uid": "ed603e7292974f10", + "script_alias": "get-git-repo", + "script_tags": "get,git,repo,repository,clone", + "script_variations": "branch.master,repo.https://github.com/mlcommons/inference", + "version": "", + "parent": "get-mlperf-inference-src,4b57186581024797" + } + }, + { + "get,mlcommons,inference,src": { + "script_uid": "4b57186581024797", + "script_alias": "get-mlperf-inference-src", + "script_tags": "get,src,source,inference,inference-src,inference-source,mlperf,mlcommons", + "script_variations": "", + "version": "master-git-d28a53009c4390cc43ccde00fba160b9fbf4c30e", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "get,mlperf,inference,src": { + "script_uid": "4b57186581024797", + "script_alias": "get-mlperf-inference-src", + "script_tags": "get,src,source,inference,inference-src,inference-source,mlperf,mlcommons", + "script_variations": "", + "version": "master-git-d28a53009c4390cc43ccde00fba160b9fbf4c30e", + "parent": "get-mlperf-inference-utils,e341e5f86d8342e5" + } + }, + { + "get,mlperf,inference,utils": { + "script_uid": "e341e5f86d8342e5", + "script_alias": "get-mlperf-inference-utils", + "script_tags": "get,mlperf,inference,util,utils,functions", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-cuda,46d133d9ef92422d ( toolkit )" + } + }, + { + "get,cuda,_toolkit": { + "script_uid": "46d133d9ef92422d", + "script_alias": "get-cuda", + "script_tags": "get,cuda,cuda-compiler,cuda-lib,toolkit,lib,nvcc,get-nvcc,get-cuda,46d133d9ef92422d", + "script_variations": "toolkit", + "version": "12.4", + "parent": "get-cuda-devices,7a3ede4d3558427a ( with-pycuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-cuda-devices,7a3ede4d3558427a ( with-pycuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.pycuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.pycuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.pycuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.pycuda )" + } + }, + { + "get,generic-python-lib,_package.pycuda": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.pycuda", + "version": "2024.1.2", + "parent": "get-cuda-devices,7a3ede4d3558427a ( with-pycuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.numpy )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.numpy )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.numpy )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.numpy )" + } + }, + { + "get,generic-python-lib,_package.numpy": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.numpy", + "version": "1.26.4", + "parent": "get-cuda-devices,7a3ede4d3558427a ( with-pycuda )" + } + }, + { + "get,cuda-devices,_with-pycuda": { + "script_uid": "7a3ede4d3558427a", + "script_alias": "get-cuda-devices", + "script_tags": "get,cuda-devices", + "script_variations": "with-pycuda", + "version": "", + "parent": "app-mlperf-inference,d775cac873ee4231 ( reference,_sdxl,_pytorch,_cuda,_test,_r4.1-dev_default,_float16,_offline )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,sys-utils-cm": { + "script_uid": "bc90993277e84b8e", + "script_alias": "get-sys-utils-cm", + "script_tags": "get,sys-utils-cm", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,python": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,cuda,_cudnn": { + "script_uid": "46d133d9ef92422d", + "script_alias": "get-cuda", + "script_tags": "get,cuda,cuda-compiler,cuda-lib,toolkit,lib,nvcc,get-nvcc,get-cuda,46d133d9ef92422d", + "script_variations": "cudnn", + "version": "12.4", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torch_cuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torch_cuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torch_cuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torch_cuda )" + } + }, + { + "get,cuda": { + "script_uid": "46d133d9ef92422d", + "script_alias": "get-cuda", + "script_tags": "get,cuda,cuda-compiler,cuda-lib,toolkit,lib,nvcc,get-nvcc,get-cuda,46d133d9ef92422d", + "script_variations": "", + "version": "12.4", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torch_cuda )" + } + }, + { + "get,generic-python-lib,_torch_cuda": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "torch_cuda", + "version": "2.5.1", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torchvision_cuda )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torchvision_cuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torchvision_cuda )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torchvision_cuda )" + } + }, + { + "get,cuda": { + "script_uid": "46d133d9ef92422d", + "script_alias": "get-cuda", + "script_tags": "get,cuda,cuda-compiler,cuda-lib,toolkit,lib,nvcc,get-nvcc,get-cuda,46d133d9ef92422d", + "script_variations": "", + "version": "12.4", + "parent": "get-generic-python-lib,94b62a682bc44791 ( torchvision_cuda )" + } + }, + { + "get,generic-python-lib,_torchvision_cuda": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "torchvision_cuda", + "version": "0.20.1", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,ml-model,stable-diffusion,text-to-image,sdxl,raw,_pytorch,_fp16": { + "script_uid": "22c6516b2d4d4c23", + "script_alias": "get-ml-model-stable-diffusion", + "script_tags": "get,raw,ml-model,stable-diffusion,sdxl,text-to-image", + "script_variations": "pytorch,fp16", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,dataset,coco2014,_validation,_size.50,_with-sample-ids": { + "script_uid": "3f7ad9d42f4040f8", + "script_alias": "get-dataset-coco2014", + "script_tags": "get,dataset,coco2014,object-detection,original", + "script_variations": "validation,size.50,with-sample-ids", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "generate-mlperf-inference-user-conf,3af4475745964b93" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "generate-mlperf-inference-user-conf,3af4475745964b93" + } + }, + { + "get,python": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "generate-mlperf-inference-user-conf,3af4475745964b93" + } + }, + { + "get,mlcommons,inference,src": { + "script_uid": "4b57186581024797", + "script_alias": "get-mlperf-inference-src", + "script_tags": "get,src,source,inference,inference-src,inference-source,mlperf,mlcommons", + "script_variations": "", + "version": "master-git-d28a53009c4390cc43ccde00fba160b9fbf4c30e", + "parent": "generate-mlperf-inference-user-conf,3af4475745964b93" + } + }, + { + "get,cache,dir,_name.mlperf-inference-sut-configs": { + "script_uid": "48f4622e059b45ce", + "script_alias": "get-cache-dir", + "script_tags": "get,cache,dir,directory", + "script_variations": "name.mlperf-inference-sut-configs", + "version": "", + "parent": "get-mlperf-inference-sut-configs,c2fbf72009e2445b" + } + }, + { + "get,sut,configs": { + "script_uid": "c2fbf72009e2445b", + "script_alias": "get-mlperf-inference-sut-configs", + "script_tags": "get,mlperf,inference,sut,configs,sut-configs", + "script_variations": "", + "version": "", + "parent": "generate-mlperf-inference-user-conf,3af4475745964b93" + } + }, + { + "generate,user-conf,mlperf,inference": { + "script_uid": "3af4475745964b93", + "script_alias": "generate-mlperf-inference-user-conf", + "script_tags": "generate,mlperf,inference,user-conf,inference-user-conf", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,loadgen": { + "script_uid": "64c3d98d0ba04950", + "script_alias": "get-mlperf-inference-loadgen", + "script_tags": "get,loadgen,inference,inference-loadgen,mlperf,mlcommons", + "script_variations": "", + "version": "master", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,mlcommons,inference,src": { + "script_uid": "4b57186581024797", + "script_alias": "get-mlperf-inference-src", + "script_tags": "get,src,source,inference,inference-src,inference-source,mlperf,mlcommons", + "script_variations": "", + "version": "master-git-d28a53009c4390cc43ccde00fba160b9fbf4c30e", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "get,mlcommons,inference,src": { + "script_uid": "4b57186581024797", + "script_alias": "get-mlperf-inference-src", + "script_tags": "get,src,source,inference,inference-src,inference-source,mlperf,mlcommons", + "script_variations": "", + "version": "master-git-d28a53009c4390cc43ccde00fba160b9fbf4c30e", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.psutil )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.psutil )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.psutil )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.psutil )" + } + }, + { + "get,generic-python-lib,_package.psutil": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.psutil", + "version": "6.1.0", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.diffusers )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.diffusers )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.diffusers )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.diffusers )" + } + }, + { + "get,generic-python-lib,_package.diffusers": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.diffusers", + "version": "0.30.3", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.transformers )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.transformers )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.transformers )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.transformers )" + } + }, + { + "get,generic-python-lib,_package.transformers": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.transformers", + "version": "4.46.2", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchvision )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchvision )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchvision )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchvision )" + } + }, + { + "get,generic-python-lib,_package.torchvision": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.torchvision", + "version": "0.20.1", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.accelerate )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.accelerate )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.accelerate )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.accelerate )" + } + }, + { + "get,generic-python-lib,_package.accelerate": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.accelerate", + "version": "1.1.0", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchmetrics )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchmetrics )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchmetrics )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torchmetrics )" + } + }, + { + "get,generic-python-lib,_package.torchmetrics": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.torchmetrics", + "version": "1.5.1", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torch-fidelity )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torch-fidelity )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torch-fidelity )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.torch-fidelity )" + } + }, + { + "get,generic-python-lib,_package.torch-fidelity": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.torch-fidelity", + "version": "0.3.0", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.open_clip_torch )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.open_clip_torch )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.open_clip_torch )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.open_clip_torch )" + } + }, + { + "get,generic-python-lib,_package.open_clip_torch": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.open_clip_torch", + "version": "2.29.0", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.opencv-python )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.opencv-python )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.opencv-python )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.opencv-python )" + } + }, + { + "get,generic-python-lib,_package.opencv-python": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.opencv-python", + "version": "4.10.0.84", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.scipy )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.scipy )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.scipy )" + } + }, + { + "get,python3": { + "script_uid": "d0b5dd74373f4a62", + "script_alias": "get-python3", + "script_tags": "get,python,python3,get-python,get-python3", + "script_variations": "", + "version": "3.10.12", + "parent": "get-generic-python-lib,94b62a682bc44791 ( pip )" + } + }, + { + "get,generic-python-lib,_pip": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "pip", + "version": "22.0.2", + "parent": "get-generic-python-lib,94b62a682bc44791 ( package.scipy )" + } + }, + { + "get,generic-python-lib,_package.scipy": { + "script_uid": "94b62a682bc44791", + "script_alias": "get-generic-python-lib", + "script_tags": "get,install,generic,pip-package,generic-python-lib", + "script_variations": "package.scipy", + "version": "1.10.1", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + }, + { + "detect,os": { + "script_uid": "863735b7db8c44fc", + "script_alias": "detect-os", + "script_tags": "detect-os,detect,os,info", + "script_variations": "", + "version": "", + "parent": "detect-cpu,586c8a43320142f7" + } + }, + { + "detect,cpu": { + "script_uid": "586c8a43320142f7", + "script_alias": "detect-cpu", + "script_tags": "detect,cpu,detect-cpu,info", + "script_variations": "", + "version": "", + "parent": "benchmark-program,19f369ef47084895" + } + }, + { + "benchmark-program,program": { + "script_uid": "19f369ef47084895", + "script_alias": "benchmark-program", + "script_tags": "program,benchmark,benchmark-program", + "script_variations": "", + "version": "", + "parent": "benchmark-program-mlperf,cfff0132a8aa4018" + } + }, + { + "benchmark-mlperf": { + "script_uid": "cfff0132a8aa4018", + "script_alias": "benchmark-program-mlperf", + "script_tags": "mlperf,benchmark-mlperf", + "script_variations": "", + "version": "", + "parent": "app-mlperf-inference-mlcommons-python,ff149e9781fc4b65 ( pytorch,_cuda,_sdxl,_offline,_float16 )" + } + } + ] +} \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cpu_info.json b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cpu_info.json new file mode 100644 index 0000000..c6e5de3 --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/cpu_info.json @@ -0,0 +1,27 @@ +{ + "CM_HOST_CPU_WRITE_PROTECT_SUPPORT": "yes", + "CM_HOST_CPU_MICROCODE": "0x2b0004d0", + "CM_HOST_CPU_FPU_SUPPORT": "yes", + "CM_HOST_CPU_FPU_EXCEPTION_SUPPORT": "yes", + "CM_HOST_CPU_BUGS": "spectre_v1 spectre_v2 spec_store_bypass swapgs eibrs_pbrsb", + "CM_HOST_CPU_TLB_SIZE": "Not Found", + "CM_HOST_CPU_CFLUSH_SIZE": "64", + "CM_HOST_CPU_ARCHITECTURE": "x86_64", + "CM_HOST_CPU_TOTAL_CORES": "48", + "CM_HOST_CPU_ON_LINE_CPUS_LIST": "0-47", + "CM_HOST_CPU_VENDOR_ID": "GenuineIntel", + "CM_HOST_CPU_MODEL_NAME": "Intel(R) Xeon(R) w7-2495X", + "CM_HOST_CPU_FAMILY": "6", + "CM_HOST_CPU_THREADS_PER_CORE": "2", + "CM_HOST_CPU_PHYSICAL_CORES_PER_SOCKET": "24", + "CM_HOST_CPU_SOCKETS": "1", + "CM_HOST_CPU_MAX_MHZ": "4800.0000", + "CM_HOST_CPU_L1D_CACHE_SIZE": "1.1 MiB (24 instances)", + "CM_HOST_CPU_L1I_CACHE_SIZE": "768 KiB (24 instances)", + "CM_HOST_CPU_L2_CACHE_SIZE": "48 MiB (24 instances)", + "CM_HOST_CPU_L3_CACHE_SIZE": "45 MiB (1 instance)", + "CM_HOST_CPU_NUMA_NODES": "1", + "CM_HOST_CPU_TOTAL_LOGICAL_CORES": "48", + "CM_HOST_MEMORY_CAPACITY": "192G", + "CM_HOST_DISK_CAPACITY": "11T" +} \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/model-info.json b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/model-info.json new file mode 100644 index 0000000..07589d2 --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/model-info.json @@ -0,0 +1,7 @@ +{ + "starting_weights_filename": "https://github.com/mlcommons/inference/tree/master/text_to_image#download-model", + "retraining": "no", + "input_data_types": "fp32", + "weight_data_types": "fp32", + "weight_transformations": "no" +} \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/os_info.json b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/os_info.json new file mode 100644 index 0000000..9ba3989 --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/os_info.json @@ -0,0 +1,30 @@ +{ + "CM_HOST_OS_TYPE": "linux", + "CM_HOST_OS_BITS": "64", + "CM_HOST_OS_FLAVOR": "ubuntu", + "CM_HOST_OS_FLAVOR_LIKE": "debian", + "CM_HOST_OS_VERSION": "22.04", + "CM_HOST_OS_KERNEL_VERSION": "6.2.0-39-generic", + "CM_HOST_OS_GLIBC_VERSION": "2.35", + "CM_HOST_OS_MACHINE": "x86_64", + "CM_HOST_OS_PACKAGE_MANAGER": "apt", + "CM_HOST_OS_PACKAGE_MANAGER_INSTALL_CMD": "DEBIAN_FRONTEND=noninteractive apt-get install -y", + "CM_HOST_OS_PACKAGE_MANAGER_UPDATE_CMD": "apt-get update -y", + "+CM_HOST_OS_DEFAULT_LIBRARY_PATH": [ + "/usr/local/lib/x86_64-linux-gnu", + "/lib/x86_64-linux-gnu", + "/usr/lib/x86_64-linux-gnu", + "/usr/lib/x86_64-linux-gnu64", + "/usr/local/lib64", + "/lib64", + "/usr/lib64", + "/usr/local/lib", + "/lib", + "/usr/lib", + "/usr/x86_64-linux-gnu/lib64", + "/usr/x86_64-linux-gnu/lib" + ], + "CM_HOST_PLATFORM_FLAVOR": "x86_64", + "CM_HOST_PYTHON_BITS": "64", + "CM_HOST_SYSTEM_NAME": "84d60b133faa" +} \ No newline at end of file diff --git a/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/performance_console.out b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/performance_console.out new file mode 100644 index 0000000..625710c --- /dev/null +++ b/open/MLCommons/measurements/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/performance_console.out @@ -0,0 +1,61 @@ +INFO:main:Namespace(dataset='coco-1024', dataset_path='/home/cmuser/CM/repos/local/cache/0fd744f4046f4dae/install', profile='stable-diffusion-xl-pytorch', scenario='Offline', max_batchsize=1, threads=1, accuracy=False, find_peak_performance=False, backend='pytorch', model_name='stable-diffusion-xl', output='/cm-mount/home/arjun/scc_gh_action_results/test_results/84d60b133faa-reference-gpu-pytorch-v2.5.1-scc24-base_cu124/stable-diffusion-xl/offline/performance/run_1', qps=None, model_path='/home/cmuser/CM/repos/local/cache/6be1f30ecbde4c4e/stable_diffusion_fp16', dtype='fp16', device='cuda', latent_framework='torch', user_conf='/home/cmuser/CM/repos/gateoverflow@cm4mlops/script/generate-mlperf-inference-user-conf/tmp/f580623fd75d46ea921b3f78d3a4cfe0.conf', audit_conf='audit.config', ids_path='/home/cmuser/CM/repos/local/cache/0fd744f4046f4dae/install/sample_ids.txt', time=None, count=None, debug=False, performance_sample_count=5000, max_latency=None, samples_per_query=8) +Keyword arguments {'safety_checker': None} are not expected by StableDiffusionXLPipeline and will be ignored. + Loading pipeline components...: 0%| | 0/7 [00:00