diff --git a/.github/scripts/workflow_rerun/errors_to_look_for.json b/.github/scripts/workflow_rerun/errors_to_look_for.json index bfde22bb70c6df..aecef0c49c71b3 100644 --- a/.github/scripts/workflow_rerun/errors_to_look_for.json +++ b/.github/scripts/workflow_rerun/errors_to_look_for.json @@ -74,5 +74,9 @@ { "error_text": "json.decoder.JSONDecodeError: Unterminated string starting at", "ticket": 151796 + }, + { + "error_text": "lost communication with the server", + "ticket": 152565 } ] \ No newline at end of file diff --git a/.github/workflows/job_openvino_js.yml b/.github/workflows/job_openvino_js.yml index 5fd603923752a6..3b1911c28cea4e 100644 --- a/.github/workflows/job_openvino_js.yml +++ b/.github/workflows/job_openvino_js.yml @@ -52,7 +52,7 @@ jobs: - name: Setup Node ${{ env.NODE_VERSION }} if: runner.os != 'Linux' # Node is already installed in the Docker image - uses: actions/setup-node@1e60f620b9541d16bece96c5465dc8ee9832be0b # v4.0.3 + uses: actions/setup-node@0a44ba7841725637a19e28fa30b79a866c81b0a6 # v4.0.4 with: node-version: ${{ env.NODE_VERSION }} diff --git a/.github/workflows/job_python_unit_tests.yml b/.github/workflows/job_python_unit_tests.yml index 862ade24810e8c..4074fe53a6eab3 100644 --- a/.github/workflows/job_python_unit_tests.yml +++ b/.github/workflows/job_python_unit_tests.yml @@ -299,7 +299,7 @@ jobs: python3 ${OPENVINO_REPO}/docs/articles_en/assets/snippets/main.py - name: Python API Tests -- numpy>=2.0.0 - if: ${{ fromJSON(inputs.affected-components).Python_API.test && inputs.python-version != '3.12' }} # Ticket: 152242 + if: ${{ fromJSON(inputs.affected-components).Python_API.test }} run: | python3 -m pip uninstall -y numpy python3 -m pip install "numpy>=2.0.0,<2.1.0" diff --git a/.github/workflows/windows_vs2019_release.yml b/.github/workflows/windows_vs2019_release.yml index b9d5d1687f773e..43c3879ba4ae8d 100644 --- a/.github/workflows/windows_vs2019_release.yml +++ b/.github/workflows/windows_vs2019_release.yml @@ -169,7 +169,7 @@ jobs: path: ${{ env.OPENVINO_JS_LIBS_DIR }} - name: Setup Node ${{ env.NODE_VERSION }} - uses: actions/setup-node@1e60f620b9541d16bece96c5465dc8ee9832be0b # v4.0.3 + uses: actions/setup-node@0a44ba7841725637a19e28fa30b79a866c81b0a6 # v4.0.4 with: node-version: ${{ env.NODE_VERSION }} diff --git a/.gitmodules b/.gitmodules index df0401a04ca44f..a9cad1dee5f494 100644 --- a/.gitmodules +++ b/.gitmodules @@ -72,8 +72,8 @@ [submodule "src/plugins/intel_cpu/thirdparty/mlas"] path = src/plugins/intel_cpu/thirdparty/mlas url = https://github.com/openvinotoolkit/mlas.git -[submodule "src/plugins/intel_npu/thirdparty/level-zero"] - path = src/plugins/intel_npu/thirdparty/level-zero +[submodule "thirdparty/level_zero/level-zero"] + path = thirdparty/level_zero/level-zero url = https://github.com/oneapi-src/level-zero.git [submodule "src/plugins/intel_npu/thirdparty/level-zero-ext"] path = src/plugins/intel_npu/thirdparty/level-zero-ext diff --git a/docs/articles_en/about-openvino/key-features.rst b/docs/articles_en/about-openvino/key-features.rst index 128d3947b3b402..6514bdc67a3302 100644 --- a/docs/articles_en/about-openvino/key-features.rst +++ b/docs/articles_en/about-openvino/key-features.rst @@ -5,65 +5,65 @@ Easy Integration ######################### | :doc:`Support for multiple frameworks <../openvino-workflow/model-preparation/convert-model-to-ir>` -| Use deep learning models from PyTorch, TensorFlow, TensorFlow Lite, PaddlePaddle, and ONNX - directly or convert them to the optimized OpenVINO IR format for improved performance. +| Use deep learning models from PyTorch, TensorFlow, TensorFlow Lite, PaddlePaddle, and ONNX + directly or convert them to the optimized OpenVINO IR format for improved performance. | :doc:`Close integration with PyTorch <../openvino-workflow/torch-compile>` -| For PyTorch-based applications, specify OpenVINO as a backend using - :doc:`torch.compile <../openvino-workflow/torch-compile>` to improve model inference. Apply - OpenVINO optimizations to your PyTorch models directly with a single line of code. +| For PyTorch-based applications, specify OpenVINO as a backend using + :doc:`torch.compile <../openvino-workflow/torch-compile>` to improve model inference. Apply + OpenVINO optimizations to your PyTorch models directly with a single line of code. | :doc:`GenAI Out Of The Box <../learn-openvino/llm_inference_guide/genai-guide>` -| With the genAI flavor of OpenVINO, you can run generative AI with just a couple lines of code. - Check out the GenAI guide for instructions on how to do it. +| With the genAI flavor of OpenVINO, you can run generative AI with just a couple lines of code. + Check out the GenAI guide for instructions on how to do it. | `Python / C++ / C / NodeJS APIs `__ -| OpenVINO offers the C++ API as a complete set of available methods. For less resource-critical - solutions, the Python API provides almost full coverage, while C and NodeJS ones are limited - to the methods most basic for their typical environments. The NodeJS API, is still in its - early and active development. +| OpenVINO offers the C++ API as a complete set of available methods. For less resource-critical + solutions, the Python API provides almost full coverage, while C and NodeJS ones are limited + to the methods most basic for their typical environments. The NodeJS API, is still in its + early and active development. | :doc:`Open source and easy to extend <../about-openvino/contributing>` -| If you need a particular feature or inference accelerator to be supported, you are free to file - a feature request or develop new components specific to your projects yourself. As open source, - OpenVINO may be used and modified freely. See the extensibility guide for more information on - how to adapt it to your needs. +| If you need a particular feature or inference accelerator to be supported, you are free to file + a feature request or develop new components specific to your projects yourself. As open source, + OpenVINO may be used and modified freely. See the extensibility guide for more information on + how to adapt it to your needs. Deployment ######################### | :doc:`Local or remote <../openvino-workflow>` -| Integrate the OpenVINO runtime directly with your application to run inference locally or use - `OpenVINO Model Server `__ to shift the inference - workload to a remote system, a separate server or a Kubernetes environment. For serving, - OpenVINO is also integrated with `vLLM `__ - and `Triton `__ services. +| Integrate the OpenVINO runtime directly with your application to run inference locally or use + `OpenVINO Model Server `__ to shift the inference + workload to a remote system, a separate server or a Kubernetes environment. For serving, + OpenVINO is also integrated with `vLLM `__ + and `Triton `__ services. | :doc:`Scalable and portable ` -| Write an application once, deploy it anywhere, always making the most out of your hardware setup. - The automatic device selection mode gives you the ultimate deployment flexibility on all major - operating systems. Check out system requirements. +| Write an application once, deploy it anywhere, always making the most out of your hardware setup. + The automatic device selection mode gives you the ultimate deployment flexibility on all major + operating systems. Check out system requirements. | **Light-weight** -| Designed with minimal external dependencies, OpenVINO does not bloat your application - and simplifies installation and dependency management. The custom compilation for your specific - model(s) may further reduce the final binary size. +| Designed with minimal external dependencies, OpenVINO does not bloat your application + and simplifies installation and dependency management. The custom compilation for your specific + model(s) may further reduce the final binary size. Performance ######################### | :doc:`Model Optimization <../openvino-workflow/model-optimization>` -| Optimize your deep learning models with NNCF, using various training-time and post-training - compression methods, such as pruning, sparsity, quantization, and weight compression. Make - your models take less space, run faster, and use less resources. +| Optimize your deep learning models with NNCF, using various training-time and post-training + compression methods, such as pruning, sparsity, quantization, and weight compression. Make + your models take less space, run faster, and use less resources. | :doc:`Top performance <../about-openvino/performance-benchmarks>` -| OpenVINO is optimized to work with Intel hardware, delivering confirmed high performance for - hundreds of models. Explore OpenVINO Performance Benchmarks to discover the optimal hardware - configurations and plan your AI deployment based on verified data. +| OpenVINO is optimized to work with Intel hardware, delivering confirmed high performance for + hundreds of models. Explore OpenVINO Performance Benchmarks to discover the optimal hardware + configurations and plan your AI deployment based on verified data. | :doc:`Enhanced App Start-Up Time <../openvino-workflow/running-inference/optimize-inference>` -| If you need your application to launch immediately, OpenVINO will reduce first-inference latency, - running inference on CPU until a more suited device is ready to take over. Once a model - is compiled for inference, it is also cached, improving the start-up time even more. +| If you need your application to launch immediately, OpenVINO will reduce first-inference latency, + running inference on CPU until a more suited device is ready to take over. Once a model + is compiled for inference, it is also cached, improving the start-up time even more. diff --git a/docs/articles_en/about-openvino/performance-benchmarks.rst b/docs/articles_en/about-openvino/performance-benchmarks.rst index 7f838d62b18f1c..aa60c44a2ad5c8 100644 --- a/docs/articles_en/about-openvino/performance-benchmarks.rst +++ b/docs/articles_en/about-openvino/performance-benchmarks.rst @@ -11,9 +11,9 @@ Performance Benchmarks :hidden: Efficient LLMs for AI PC - performance-benchmarks/performance-benchmarks-faq + Performance Information F.A.Q. OpenVINO Accuracy - performance-benchmarks/getting-performance-numbers + Getting Performance Numbers This page presents benchmark results for @@ -22,7 +22,7 @@ and :doc:`OpenVINO Model Server <../ovms_what_is_openvino_model_server>`, for a selection of public neural networks and Intel® devices. The results may help you decide which hardware to use in your applications or plan AI workload for the hardware you have already implemented in your solutions. Click the buttons below to see the chosen benchmark data. -For more detailed view of performance numbers for generative AI models, check the +For a more detailed view of performance numbers for generative AI models, check the :doc:`Generative AI Benchmark Results <./performance-benchmarks/generative-ai-performance>` .. grid:: 1 1 2 2 @@ -49,7 +49,7 @@ For more detailed view of performance numbers for generative AI models, check th :material-regular:`bar_chart;1.4em` OVMS Benchmark Graphs -Please visit the tabs below for more information on key performance indicators and workload parameters. +Key performance indicators and workload parameters. .. tab-set:: @@ -57,32 +57,10 @@ Please visit the tabs below for more information on key performance indicators a :sync: throughput For Vision and NLP Models this measures the number of inferences delivered within a latency threshold - (for example, number of Frames Per Second - FPS). - For GenAI (or Large Language Models) this measures the token rate after the first token aka. 2nd token - throughput rate which is presented as tokens/sec. Please click on the "Workload Parameters" tab to - learn more about input/output token lengths, etc. - - .. tab-item:: Value - :sync: value - - While throughput is important, what is more critical in edge AI deployments is - the performance efficiency or performance-per-cost. Application performance in - throughput per dollar of system cost is the best measure of value. The value KPI is - calculated as “Throughput measured as inferences per second / price of inference engine”. - This means for a 2 socket system 2x the price of a CPU is used. Prices are as per - date of benchmarking and sources can be found as links in the Hardware Platforms (PDF) - description below. - - .. tab-item:: Efficiency - :sync: efficiency - - System power is a key consideration from the edge to the data center. When selecting - deep learning solutions, power efficiency (throughput/watt) is a critical factor to - consider. Intel designs provide excellent power efficiency for running deep learning - workloads. The efficiency KPI is calculated as “Throughput measured as inferences per - second / TDP of inference engine”. This means for a 2 socket system 2x the power - dissipation (TDP) of a CPU is used. TDP-values are as per date of benchmarking and sources - can be found as links in the Hardware Platforms (PDF) description below. + (for example, number of Frames Per Second - FPS). + For GenAI (or Large Language Models) this measures the token rate after the first token aka. 2nd token + throughput rate which is presented as tokens/sec. Please click on the "Workload Parameters" tab to + learn more about input/output token lengths, etc. .. tab-item:: Latency :sync: latency @@ -96,7 +74,7 @@ Please visit the tabs below for more information on key performance indicators a example an industrial robot's response to actions in its environment or obstacle avoidance for autonomous vehicles. For Transformer models like Stable-Diffusion this measures the time it takes to convert the prompt - or input text into a finished image. It is presented in seconds. + or input text into a finished image. It is presented in seconds. .. tab-item:: Workload Parameters :sync: workloadparameters @@ -130,21 +108,21 @@ For a listing of all platforms and configurations used for testing, refer to the .. grid-item:: - .. button-link:: ../_static/benchmarks_files/OV-2024.3-platform_list.pdf + .. button-link:: ../_static/benchmarks_files/OV-2024.4-platform_list.pdf :color: primary :outline: :expand: :material-regular:`download;1.5em` Click for Hardware Platforms [PDF] - .. button-link:: ../_static/benchmarks_files/OV-2024.3-system-info-detailed.xlsx + .. button-link:: ../_static/benchmarks_files/OV-2024.4-system-info-detailed.xlsx :color: primary :outline: :expand: :material-regular:`download;1.5em` Click for Configuration Details [XLSX] - .. button-link:: ../_static/benchmarks_files/OV-2024.3-Performance-Data.xlsx + .. button-link:: ../_static/benchmarks_files/OV-2024.4-Performance-Data.xlsx :color: primary :outline: :expand: @@ -159,9 +137,9 @@ processing) and then reports on the inferences per second (or Frames Per Second) OpenVINO™ Model Server (OVMS) employs the Intel® Distribution of OpenVINO™ toolkit runtime libraries and exposes a set of models via a convenient inference API over gRPC or HTTP/REST. Its benchmark results are measured with the configuration of multiple-clients-single-server, -using two hardware platforms connected by ethernet. Network bandwidth depends on both, platforms -and models under investigation. It is set not to be a bottleneck for workload intensity. The -connection is dedicated only to measuring performance. +using two hardware platforms connected by ethernet. Network bandwidth depends on both platforms +and models used. It is set not to be a bottleneck for workload intensity. The connection is +dedicated only to measuring performance. .. dropdown:: See more details about OVMS benchmark setup diff --git a/docs/articles_en/about-openvino/performance-benchmarks/generative-ai-performance.rst b/docs/articles_en/about-openvino/performance-benchmarks/generative-ai-performance.rst index ab6b96f62ffc2f..35e09f91f72b9c 100644 --- a/docs/articles_en/about-openvino/performance-benchmarks/generative-ai-performance.rst +++ b/docs/articles_en/about-openvino/performance-benchmarks/generative-ai-performance.rst @@ -25,20 +25,11 @@ running on an Intel® Core™ Ultra 7-165H based system, on built-in GPUs. :header-rows: 1 :file: ../../_static/download/llm_models.csv - .. tab-item:: OpenVINO Model Server - - .. csv-table:: - :class: modeldata stripe - :name: supportedModelsTableOvms - :header-rows: 1 - :file: ../../_static/download/llm_models_ovms.csv - - For complete information on the system config, see: -`Hardware Platforms [PDF] `__ +`Hardware Platforms [PDF] `__ -To view the data in an editable form, you can download the .csv files here: +To view the data in an editable form, you can download the .csv file here: .. grid:: 1 1 2 2 :gutter: 4 @@ -52,9 +43,4 @@ To view the data in an editable form, you can download the .csv files here: :material-regular:`download;1.5em` Click for OpenVINO LLM results [CSV] - .. button-link:: ../../_static/download/llm_models_ovms.csv - :color: primary - :outline: - :expand: - :material-regular:`download;1.5em` Click for OpenVINO Model Server results [CSV] diff --git a/docs/articles_en/about-openvino/performance-benchmarks/model-accuracy-int8-fp32.rst b/docs/articles_en/about-openvino/performance-benchmarks/model-accuracy-int8-fp32.rst index 9166409c7d5ee0..8b93e6a1aebe7b 100644 --- a/docs/articles_en/about-openvino/performance-benchmarks/model-accuracy-int8-fp32.rst +++ b/docs/articles_en/about-openvino/performance-benchmarks/model-accuracy-int8-fp32.rst @@ -29,78 +29,78 @@ the table for more information. - spearman@cosine - 3.33% - 3.22% - - 3.69% - - 3.28% + - 3.05% + - 2.88% * - bert-large-uncased-whole-word-masking-squad-0001 - SQUAD_v1_1_bert_msl384_mql64_ds128_lowercase - F1 - - 0.19% - - 0.06% + - 0.12% + - 0.03% - 0.03% - - 0.11% + - 0.28% * - efficientdet-d0 - COCO2017_detection_91cl - coco_precision - - -0.9% - - -0.63% - - -0.61% - - -0.62% + - 0.00% + - -0.52% + - -0.54% + - -0.60% * - mask_rcnn_resnet50_atrous_coco - COCO2017_detection_91cl_bkgr - coco_orig_precision - - -5.64% - - -0.30% - - -0.21% - - -0.28% + - 0.05% + - 0.03% + - 0.08% + - -0.09% * - mobilenet-v2 - ImageNet2012 - accuracy @ top1 + - - -0.87% - - -0.87% - - -0.89% - - -0.95% + - -0.88% + - -0.88% * - resnet-50 - ImageNet2012 - accuracy @ top1 - - -0.2% + - -0.17% - -0.18% - -0.18% - - -0.13% + - -0.16% * - ssd-resnet34-1200 - COCO2017_detection_80cl_bkgr - map - -0.03% - -0.02% - -0.03% - - -0.0% + - 0.02% * - ssd-mobilenet-v1-coco - COCO2017_detection_80cl_bkgr - coco-precision - - -2.75% - - -0.11% + - -2.74% - -0.11% - - -0.08% + - -0.13% + - -0.12% * - unet-camvid-onnx-0001 - CamVid_12cl - mean_iou @ mean - -6.28% - 6.45% - 6.46% - - 6.40% - * - yolo_v3_tiny + - 6.43% + * - yolo_v5m - COCO2017_detection_80cl - map - - -0.30% - - -0.43% - - -0.43% - - -0.87% + - -0.40% + - -0.32% + - -0.32% + - -0.31% * - yolo_v8n - COCO2017_detection_80cl - map - -0.01% - -0.04% - - 0.04% - - -0.08% + - -0.07% + - 0.05% .. list-table:: Model Accuracy for BF16, FP32 and FP16 (FP16: Flex-170 only. BF16: Xeon(R) 8480+ only) :header-rows: 1 @@ -119,32 +119,32 @@ the table for more information. - 0.00% - 0.00% - 0.00% - - -0.03% + - -0.01% - 0.01% * - bert-large-uncased-whole-word-masking-squad-0001 - SQUAD_v1_1_bert_msl384_mql64_ds128_lowercase - F1 - 0.04% - 0.04% - - 0.04% - 0.06% - - % + - 0.06% + - 0.04% * - efficientdet-d0 - COCO2017_detection_91cl - coco_precision + - 0.01% - -0.02% + - 0.01% + - 0.00% - -0.02% - - -0.02% - - -0.02% - - 0.04% * - mask_rcnn_resnet50_atrous_coco - COCO2017_detection_91cl_bkgr - coco_orig_precision + - -0.01% + - -0.01% + - -0.01% + - -0.05% - 0.00% - - 0.00% - - 0.00% - - 0.01% - - -0.02% * - mobilenet-v2 - ImageNet2012 - accuracy @ top1 @@ -164,19 +164,19 @@ the table for more information. * - ssd-resnet34-1200 - COCO2017_detection_80cl_bkgr - map - - 0.00% + - 0.02% - 0.00% - 0.00% - -0.02% - - 0.02% + - 0.04% * - ssd-mobilenet-v1-coco - COCO2017_detection_80cl_bkgr - coco-precision + - -0.08% - 0.01% - 0.01% + - 0.08% - 0.01% - - 0.04% - - -0.02% * - unet-camvid-onnx-0001 - CamVid_12cl - mean_iou @ mean @@ -185,68 +185,75 @@ the table for more information. - 0.00% - -0.03% - -0.03% - * - yolo_v3_tiny + * - yolo_v5m - COCO2017_detection_80cl - map - 0.00% - - 0.00% - - 0.00% - - 0.25% - - -0.01% + - 0.05% + - 0.05% + - 0.07% + - 0.07% * - yolo_v8n - COCO2017_detection_80cl - map - 0.00% - 0.00% + - 0.01% + - 0.05% - 0.00% - - 0.04% - - -0.02% -.. list-table:: Model Accuracy for VNNI-FP16, VNNI-INT8, VNNI-INT4 and MTL-INT4 (Core Ultra) +.. list-table:: Model Accuracy for VNNI-FP16, VNNI-INT4, AMX-FP16 and MTL-INT4 (Core Ultra iGPU) :header-rows: 1 * - OpenVINO™ Model name - dataset - Metric Name - A, VNNI-FP16 - - B, VNNI-INT8 - - C, VNNI-INT4 + - B, VNNI-INT4 + - C, FAMX-FP16 - D, MTL-INT4 * - chatGLM2-6b - Wikiset - ppl - - 5,24 - - 5.17 - - 6.86 - - 6.87 + - 5.24 + - 6.03 + - 5.24 + - 6.03 * - Falcon-7b-instruct - Wikitext - ppl - 1.65 + - 1.76 - 1.65 - - 1.82 - - 1.82 + - 1.76 * - Llama-2-7b-chat - Wikiset - ppl - - 1.54 - 1.58 - 1.59 + - 1.91 - 1.59 + * - Llama-3-8b + - Wikiset + - ppl + - 1.54 + - 1.56 + - 1.17 + - 1.57 * - Mistral-7b - Wikitext - ppl - 1.48 - - 1.48 - 1.49 + - 1.39 - 1.49 - * - Stable-Diffusion-V2-1 - - LIAON-5B - - CLIP - - - - - - - - + * - Phi3-mini-4k-instruct + - Wikitext + - ppl + - 1.52 + - 1.56 + - 1.52 + - 1.56 Notes: For all accuracy metrics a "-", (minus sign), indicates an accuracy drop. For perplexity (ppl) the values do not indicate a deviation from a reference but are the actual measured diff --git a/docs/articles_en/about-openvino/performance-benchmarks/performance-benchmarks-faq.rst b/docs/articles_en/about-openvino/performance-benchmarks/performance-benchmarks-faq.rst index e8e099c5ae4b1f..c55d3f44451f1c 100644 --- a/docs/articles_en/about-openvino/performance-benchmarks/performance-benchmarks-faq.rst +++ b/docs/articles_en/about-openvino/performance-benchmarks/performance-benchmarks-faq.rst @@ -2,8 +2,6 @@ Performance Information F.A.Q. ============================== - - .. meta:: :description: Check the F.A.Q. for performance benchmarks in Intel® Distribution of OpenVINO™ toolkit. @@ -64,11 +62,19 @@ Performance Information F.A.Q. - Meta AI - Auto regressive language - 4096 + * - `Llama-3-8b `__ + - Meta AI + - Auto regressive language + - 8192 * - `Mistral-7b `__ - Mistral AI - Auto regressive language - 4096 - * - `Stable-Diffusion-V2-1 `__ + * - `Phi3-4k-mini `__ + - Huggingface + - Auto regressive language + - 4096 + * - `Stable-Diffusion-V1-5 `__ - Hugginface - Latent Diffusion Model - 77 @@ -108,13 +114,13 @@ Performance Information F.A.Q. - U-Net - semantic segmentation - 368x480 - * - `yolo-v3-tiny `__ - - YOLO v3 Tiny + * - `yolo-v5m `__ + - YOLO V5 Medium - object detection - - 416x416 + - 640x640 * - `yolov8n `__ - Yolov8nano - - object detection + - object detection - 608x608 @@ -122,8 +128,8 @@ Performance Information F.A.Q. Intel partners with vendors all over the world. For a list of Hardware Manufacturers, see the `Intel® AI: In Production Partners & Solutions Catalog `__. - For more details, see the :doc:`Supported Devices <../compatibility-and-support/supported-devices>`. - documentation. + For more details, see the :doc:`Supported Devices <../compatibility-and-support/supported-devices>` article. + .. dropdown:: How can I optimize my models for better performance or accuracy? diff --git a/docs/articles_en/about-openvino/release-notes-openvino.rst b/docs/articles_en/about-openvino/release-notes-openvino.rst index c60371119de69b..0e3e84cfdc2aad 100644 --- a/docs/articles_en/about-openvino/release-notes-openvino.rst +++ b/docs/articles_en/about-openvino/release-notes-openvino.rst @@ -15,7 +15,7 @@ OpenVINO Release Notes -2024.4 - 18 September 2024 +2024.4 - 19 September 2024 ############################# :doc:`System Requirements <./release-notes-openvino/system-requirements>` | :doc:`Release policy <./release-notes-openvino/release-policy>` | :doc:`Installation Guides <./../get-started/install-openvino>` @@ -203,8 +203,7 @@ OpenVINO Model Server * Ability to compress the KV Cache to a lower precision, reducing memory consumption without a significant loss of accuracy. * ``stop`` sampling parameters, to define a sequence that stops text generation. - * ``logprobs`` sampling parameter, returning the probabilities to returned tokens, which can - be used to calculate the model perplexity metric, among other things. + * ``logprobs`` sampling parameter, returning the probabilities to returned tokens. * Generic metrics related to execution of the MediaPipe graph that can be used for autoscaling based on the current load and the level of concurrency. * `Demo of text generation horizontal scalability `__ @@ -212,6 +211,7 @@ OpenVINO Model Server * Automatic cancelling of text generation for disconnected clients. * Non-UTF-8 responses from the model can be now automatically changed to Unicode replacement characters, due to their configurable handling. + * Intel GPU with paged attention is now supported. * Support for Llama3.1 models. * The following has been improved: @@ -301,6 +301,24 @@ Known Issues | OpenVINO.GenAI archive doesn't have debug libraries for OpenVINO Tokenizers and OpenVINO.GenAI. +| **Component: ONNX for ARM** +| ID: n/a +| Description: +| For ARM binaries, the `1.16 ONNX library `__ + is not yet available, while the current latest has shown two significant vulnerabilities: + `CVE-2024-27318 `__ and + `CVE-2024-27319 `__. + The vulnerabilities are less severe in the context of OpenVINO and will be fixed as soon as + the most recent version of the library is available for ARM, expected at the 2024.5 release. + + + + + + + + + diff --git a/docs/articles_en/get-started/install-openvino.rst b/docs/articles_en/get-started/install-openvino.rst index b843bc3682f0a9..6dda915af93b69 100644 --- a/docs/articles_en/get-started/install-openvino.rst +++ b/docs/articles_en/get-started/install-openvino.rst @@ -21,7 +21,7 @@ Install OpenVINO™ 2024.4 - + OpenVINO 2024.4, described here, is not a Long-Term-Support version! All currently supported versions are: diff --git a/docs/articles_en/learn-openvino/llm_inference_guide/genai-guide-npu.rst b/docs/articles_en/learn-openvino/llm_inference_guide/genai-guide-npu.rst index 8a07b0dc05e73e..4315bc15419fc4 100644 --- a/docs/articles_en/learn-openvino/llm_inference_guide/genai-guide-npu.rst +++ b/docs/articles_en/learn-openvino/llm_inference_guide/genai-guide-npu.rst @@ -29,9 +29,17 @@ A chat-tuned TinyLlama model is used in this example. The following conversion & optimum-cli export openvino -m TinyLlama/TinyLlama-1.1B-Chat-v1.0 --weight-format int4 --sym --group-size 128 --ratio 1.0 TinyLlama +**For models exceeding 1 billion parameters, it is recommended to use remarkably effective channel-wise quantization.** For example, you can try the approach with the llama-2-7b-chat-hf model: + +.. code-block:: python + + optimum-cli export openvino -m meta-llama/Llama-2-7b-chat-hf --weight-format int4 --sym --group-size -1 --ratio 1.0 Llama-2-7b-chat-hf + Run generation using OpenVINO GenAI ################################### +It is recommended to install the latest available `driver `__. + Use the following code snippet to perform generation with OpenVINO GenAI API: .. tab-set:: @@ -42,6 +50,7 @@ Use the following code snippet to perform generation with OpenVINO GenAI API: .. code-block:: python import openvino_genai as ov_genai + model_path = "TinyLlama" pipe = ov_genai.LLMPipeline(model_path, "NPU") print(pipe.generate("The Sun is yellow because", max_new_tokens=100)) @@ -54,7 +63,7 @@ Use the following code snippet to perform generation with OpenVINO GenAI API: #include int main(int argc, char* argv[]) { - std::string model_path = argv[1]; + std::string model_path = "TinyLlama"; ov::genai::LLMPipeline pipe(model_path, "NPU"); std::cout << pipe.generate("The Sun is yellow because", ov::genai::max_new_tokens(100)); } @@ -62,9 +71,17 @@ Use the following code snippet to perform generation with OpenVINO GenAI API: Additional configuration options ################################ -Compiling models for NPU may take a while. By default, the LLMPipeline for the NPU -is configured for faster compilation, but it may result in lower performance. -To achieve better performance at the expense of compilation time, you may try these settings: +Prompt and response length options +++++++++++++++++++++++++++++++++++ + +The LLM pipeline for NPUs leverages the static shape approach, optimizing execution performance, while potentially introducing certain usage limitations. By default, the LLM pipeline supports input prompts up to 1024 tokens in length. It also ensures that the generated response contains at least 150 tokens, unless the generation encounters the end-of-sequence (EOS) token or the user explicitly sets a lower length limit for the response. + +You may configure both the 'maximum input prompt length' and 'minimum response length' using the following parameters: + +- ``MAX_PROMPT_LEN``: Defines the maximum number of tokens that the LLM pipeline can process for the input prompt (default: 1024). +- ``MIN_RESPONSE_LEN``: Defines the minimum number of tokens that the LLM pipeline will generate in its response (default: 150). + +Use the following code snippet to change the default settings: .. tab-set:: @@ -73,8 +90,7 @@ To achieve better performance at the expense of compilation time, you may try th .. code-block:: python - plugin_config = { "NPU_COMPILATION_MODE_PARAMS": "compute-layers-with-higher-precision=Sqrt,Power,ReduceMean,Add_RMSNorm" } - pipeline_config = { "PREFILL_CONFIG": plugin_config, "GENERATE_CONFIG": plugin_config } + pipeline_config = { "MAX_PROMPT_LEN": 1500, "MIN_RESPONSE_LEN": 500 } pipe = ov_genai.LLMPipeline(model_path, "NPU", pipeline_config) .. tab-item:: C++ @@ -82,8 +98,7 @@ To achieve better performance at the expense of compilation time, you may try th .. code-block:: cpp - ov::AnyMap plugin_config = { { "NPU_COMPILATION_MODE_PARAMS", "compute-layers-with-higher-precision=Sqrt,Power,ReduceMean,Add_RMSNorm" } }; - ov::AnyMap pipeline_config = { { "PREFILL_CONFIG", plugin_config }, { "GENERATE_CONFIG", plugin_config } }; + ov::AnyMap pipeline_config = { { "MAX_PROMPT_LEN", 1500 }, { "MIN_RESPONSE_LEN", 500 } }; ov::genai::LLMPipeline pipe(model_path, "NPU", pipeline_config); diff --git a/docs/articles_en/openvino-workflow/running-inference/inference-devices-and-modes/gpu-device/remote-tensor-api-gpu-plugin.rst b/docs/articles_en/openvino-workflow/running-inference/inference-devices-and-modes/gpu-device/remote-tensor-api-gpu-plugin.rst index d58a2ea16b0b21..fd303d2754d6c8 100644 --- a/docs/articles_en/openvino-workflow/running-inference/inference-devices-and-modes/gpu-device/remote-tensor-api-gpu-plugin.rst +++ b/docs/articles_en/openvino-workflow/running-inference/inference-devices-and-modes/gpu-device/remote-tensor-api-gpu-plugin.rst @@ -350,7 +350,109 @@ For more details, see the code snippets below: The ``ov::intel_gpu::ocl::D3DContext`` and ``ov::intel_gpu::ocl::VAContext`` classes are derived from ``ov::intel_gpu::ocl::ClContext``. Therefore, they provide the functionality described above and extend it -to allow creation of ``ov::RemoteTensor`` objects from ``ID3D11Buffer``, ``ID3D11Texture2D`` pointers or the ``VASurfaceID`` handle respectively. +to enable creation of ``ov::RemoteTensor`` objects from ``ID3D11Buffer``, ``ID3D11Texture2D`` +pointers or the ``VASurfaceID`` handle, as shown in the examples below: + + +.. tab-set:: + + .. tab-item:: ID3D11Buffer + :sync: id3d11-buffer + + .. code-block:: cpp + + // ... + + // initialize the core and load the network + ov::Core core; + auto model = core.read_model("model.xml"); + auto compiled_model = core.compile_model(model, "GPU"); + auto infer_request = compiled_model.create_infer_request(); + + + // obtain the RemoteContext from the compiled model object and cast it to D3DContext + auto gpu_context = compiled_model.get_context().as(); + + auto input = model->get_parameters().at(0); + ID3D11Buffer* d3d_handle = get_d3d_buffer(); + auto tensor = gpu_context.create_tensor(input->get_element_type(), input->get_shape(), d3d_handle); + infer_request.set_tensor(input, tensor); + + .. tab-item:: ID3D11Texture2D + :sync: id3d11-texture + + .. code-block:: cpp + + using namespace ov::preprocess; + auto p = PrePostProcessor(model); + p.input().tensor().set_element_type(ov::element::u8) + .set_color_format(ov::preprocess::ColorFormat::NV12_TWO_PLANES, {"y", "uv"}) + .set_memory_type(ov::intel_gpu::memory_type::surface); + p.input().preprocess().convert_color(ov::preprocess::ColorFormat::BGR); + p.input().model().set_layout("NCHW"); + model = p.build(); + + CComPtr device_ptr = get_d3d_device_ptr() + // create the shared context object + auto shared_d3d_context = ov::intel_gpu::ocl::D3DContext(core, device_ptr); + // compile model within a shared context + auto compiled_model = core.compile_model(model, shared_d3d_context); + + auto param_input_y = model->get_parameters().at(0); + auto param_input_uv = model->get_parameters().at(1); + + D3D11_TEXTURE2D_DESC texture_description = get_texture_desc(); + CComPtr dx11_texture = get_texture(); + // ... + //wrap decoder output into RemoteBlobs and set it as inference input + auto nv12_blob = shared_d3d_context.create_tensor_nv12(texture_description.Heights, texture_description.Width, dx11_texture); + + auto infer_request = compiled_model.create_infer_request(); + infer_request.set_tensor(param_input_y->get_friendly_name(), nv12_blob.first); + infer_request.set_tensor(param_input_uv->get_friendly_name(), nv12_blob.second); + infer_request.start_async(); + infer_request.wait(); + + .. tab-item:: VASurfaceID + :sync: vasurfaceid + + .. code-block:: cpp + + using namespace ov::preprocess; + auto p = PrePostProcessor(model); + p.input().tensor().set_element_type(ov::element::u8) + .set_color_format(ov::preprocess::ColorFormat::NV12_TWO_PLANES, {"y", "uv"}) + .set_memory_type(ov::intel_gpu::memory_type::surface); + p.input().preprocess().convert_color(ov::preprocess::ColorFormat::BGR); + p.input().model().set_layout("NCHW"); + model = p.build(); + + CComPtr device_ptr = get_d3d_device_ptr() + // create the shared context object + auto shared_va_context = ov::intel_gpu::ocl::VAContext(core, device_ptr); + // compile model within a shared context + auto compiled_model = core.compile_model(model, shared_va_context); + + auto param_input_y = model->get_parameters().at(0); + auto param_input_uv = model->get_parameters().at(1); + + auto shape = param_input_y->get_shape(); + auto width = shape[1]; + auto height = shape[2]; + + VASurfaceID va_surface = decode_va_surface(); + // ... + //wrap decoder output into RemoteBlobs and set it as inference input + auto nv12_blob = shared_va_context.create_tensor_nv12(height, width, va_surface); + + auto infer_request = compiled_model.create_infer_request(); + infer_request.set_tensor(param_input_y->get_friendly_name(), nv12_blob.first); + infer_request.set_tensor(param_input_uv->get_friendly_name(), nv12_blob.second); + infer_request.start_async(); + infer_request.wait(); + + + Direct NV12 Video Surface Input ########################################################### diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-Performance-Data.xlsx b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-Performance-Data.xlsx deleted file mode 100644 index 05de7365749228..00000000000000 Binary files a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-Performance-Data.xlsx and /dev/null differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-platform_list.pdf b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-platform_list.pdf deleted file mode 100644 index 2de5261f98d5c6..00000000000000 Binary files a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-platform_list.pdf and /dev/null differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-system-info-detailed.xlsx b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-system-info-detailed.xlsx deleted file mode 100644 index 361ec61fe0807e..00000000000000 Binary files a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.3-system-info-detailed.xlsx and /dev/null differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-Performance-Data.xlsx b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-Performance-Data.xlsx new file mode 100644 index 00000000000000..057e132d384167 Binary files /dev/null and b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-Performance-Data.xlsx differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-platform_list.pdf b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-platform_list.pdf new file mode 100644 index 00000000000000..6782dea6d0f3b2 Binary files /dev/null and b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-platform_list.pdf differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-system-info-detailed.xlsx b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-system-info-detailed.xlsx new file mode 100644 index 00000000000000..7c4d9cd0e40919 Binary files /dev/null and b/docs/sphinx_setup/_static/benchmarks_files/OV-2024.4-system-info-detailed.xlsx differ diff --git a/docs/sphinx_setup/_static/benchmarks_files/data/graph-data-ov.json b/docs/sphinx_setup/_static/benchmarks_files/data/graph-data-ov.json index 68f155fdc1dc6c..0bb38199b997ca 100644 --- a/docs/sphinx_setup/_static/benchmarks_files/data/graph-data-ov.json +++ b/docs/sphinx_setup/_static/benchmarks_files/data/graph-data-ov.json @@ -1,17 +1,17 @@ [ { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Platform": "Intel® Celeron® 6305E CPU-only", "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 314.12, - "fp16": 337.18, - "fp32": "", + "int8": 11.75, + "fp16": "", + "fp32": 4.32, "bf16": "" } ], @@ -22,7 +22,7 @@ "Precisions": [ { "int4": "", - "int8": 4.77, + "int8": 87.69, "fp16": "", "fp32": "", "bf16": "" @@ -34,18 +34,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 102.57, - "fp16": 95.51, - "fp32": "", + "int8": 21.17, + "fp16": "", + "fp32": 15.03, "bf16": "" } ], @@ -56,7 +56,7 @@ "Precisions": [ { "int4": "", - "int8": 12.27, + "int8": 49.24, "fp16": "", "fp32": "", "bf16": "" @@ -68,18 +68,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 32.5, "fp16": "", - "fp32": "", + "fp32": 21.9, "bf16": "" } ], @@ -89,9 +89,9 @@ "latency": { "Precisions": [ { - "int4": 21.73, - "int8": 26.75, - "fp16": 45.14, + "int4": "", + "int8": 35.99, + "fp16": "", "fp32": "", "bf16": "" } @@ -102,18 +102,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 326.6, - "fp16": 313.96, - "fp32": "", + "int8": 33.02, + "fp16": "", + "fp32": 12.59, "bf16": "" } ], @@ -124,7 +124,7 @@ "Precisions": [ { "int4": "", - "int8": 5.37, + "int8": 45.4, "fp16": "", "fp32": "", "bf16": "" @@ -136,18 +136,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 39.93, "fp16": "", - "fp32": "", + "fp32": 15.99, "bf16": "" } ], @@ -157,9 +157,9 @@ "latency": { "Precisions": [ { - "int4": 28.74, - "int8": 38.83, - "fp16": 56.81, + "int4": "", + "int8": 40.15, + "fp16": "", "fp32": "", "bf16": "" } @@ -170,18 +170,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 119.95, "fp16": "", - "fp32": "", + "fp32": 47.19, "bf16": "" } ], @@ -191,9 +191,9 @@ "latency": { "Precisions": [ { - "int4": 25.97, - "int8": 35.32, - "fp16": 52.34, + "int4": "", + "int8": 13.31, + "fp16": "", "fp32": "", "bf16": "" } @@ -204,18 +204,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "llama-3-8b", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 33.13, "fp16": "", - "fp32": "", + "fp32": 22.73, "bf16": "" } ], @@ -225,8 +225,8 @@ "latency": { "Precisions": [ { - "int4": 28.16, - "int8": 38.34, + "int4": "", + "int8": 31.1, "fp16": "", "fp32": "", "bf16": "" @@ -238,18 +238,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 35.25, - "fp16": 19.43, - "fp32": "", + "int8": 50.91, + "fp16": "", + "fp32": 18.37, "bf16": "" } ], @@ -260,7 +260,7 @@ "Precisions": [ { "int4": "", - "int8": 47.87, + "int8": 22.52, "fp16": "", "fp32": "", "bf16": "" @@ -272,18 +272,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 38.31, "fp16": "", - "fp32": "", + "fp32": 13.71, "bf16": "" } ], @@ -293,9 +293,9 @@ "latency": { "Precisions": [ { - "int4": 26.02, - "int8": 36.92, - "fp16": 55.23, + "int4": "", + "int8": 28.51, + "fp16": "", "fp32": "", "bf16": "" } @@ -306,18 +306,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2312.44, - "fp16": 2058.66, - "fp32": "", + "int8": 86.13, + "fp16": "", + "fp32": 33.75, "bf16": "" } ], @@ -328,7 +328,7 @@ "Precisions": [ { "int4": "", - "int8": 1.12, + "int8": 16.59, "fp16": "", "fp32": "", "bf16": "" @@ -340,18 +340,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 44.68, "fp16": "", - "fp32": "", + "fp32": 17.96, "bf16": "" } ], @@ -361,9 +361,9 @@ "latency": { "Precisions": [ { - "int4": 23.67, - "int8": 27.58, - "fp16": 38.55, + "int4": "", + "int8": 37.63, + "fp16": "", "fp32": "", "bf16": "" } @@ -374,18 +374,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1398.81, - "fp16": 1041.08, - "fp32": "", + "int8": 60.67, + "fp16": "", + "fp32": 23.99, "bf16": "" } ], @@ -396,7 +396,7 @@ "Precisions": [ { "int4": "", - "int8": 1.42, + "int8": 24.02, "fp16": "", "fp32": "", "bf16": "" @@ -408,18 +408,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 112.15, - "fp16": 72.82, - "fp32": "", + "int8": 27.34, + "fp16": "", + "fp32": 18.04, "bf16": "" } ], @@ -430,7 +430,7 @@ "Precisions": [ { "int4": "", - "int8": 14.59, + "int8": 30.86, "fp16": "", "fp32": "", "bf16": "" @@ -442,18 +442,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1315.9, - "fp16": 1197.39, - "fp32": "", + "int8": 32.78, + "fp16": "", + "fp32": 21.32, "bf16": "" } ], @@ -464,7 +464,7 @@ "Precisions": [ { "int4": "", - "int8": 1.45, + "int8": 38.38, "fp16": "", "fp32": "", "bf16": "" @@ -476,18 +476,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 168.92, "fp16": "", - "fp32": "", + "fp32": 67.23, "bf16": "" } ], @@ -498,8 +498,8 @@ "Precisions": [ { "int4": "", - "int8": 2.29, - "fp16": 2.23, + "int8": 10.73, + "fp16": "", "fp32": "", "bf16": "" } @@ -510,18 +510,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 52.48, "fp16": "", - "fp32": "", + "fp32": 35.73, "bf16": "" } ], @@ -532,8 +532,8 @@ "Precisions": [ { "int4": "", - "int8": 2.31, - "fp16": 2.24, + "int8": 26.63, + "fp16": "", "fp32": "", "bf16": "" } @@ -544,18 +544,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 233.96, - "fp16": 178.57, - "fp32": "", + "int8": 20.68, + "fp16": "", + "fp32": 14.76, "bf16": "" } ], @@ -566,7 +566,7 @@ "Precisions": [ { "int4": "", - "int8": 6.57, + "int8": 49.95, "fp16": "", "fp32": "", "bf16": "" @@ -578,18 +578,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1401.38, - "fp16": 1368.88, - "fp32": "", + "int8": 218.51, + "fp16": "", + "fp32": 80.07, "bf16": "" } ], @@ -600,7 +600,7 @@ "Precisions": [ { "int4": "", - "int8": 1.26, + "int8": 14.63, "fp16": "", "fp32": "", "bf16": "" @@ -612,18 +612,18 @@ } }, { - "Platform": "Intel® Arc™ A-Series Graphics dGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 519.61, - "fp16": 560.01, - "fp32": "", + "int8": 590.15, + "fp16": "", + "fp32": 224.94, "bf16": "" } ], @@ -634,7 +634,7 @@ "Precisions": [ { "int4": "", - "int8": 3.28, + "int8": 9.22, "fp16": "", "fp32": "", "bf16": "" @@ -646,18 +646,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 23.13, + "int8": 881.6, "fp16": "", - "fp32": 24.02, + "fp32": 338.79, "bf16": "" } ], @@ -668,7 +668,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 5.08, "fp16": "", "fp32": "", "bf16": "" @@ -680,19 +680,19 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 229.14, + "int8": 3032.01, "fp16": "", - "fp32": 219.47, - "bf16": "" + "fp32": 488.41, + "bf16": 1975.07 } ], "Unit": "FPS", @@ -702,10 +702,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.74, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 4.78 } ], "Unit": "ms", @@ -714,19 +714,19 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 59.42, + "int8": 4693.95, "fp16": "", - "fp32": 54.49, - "bf16": "" + "fp32": 562.05, + "bf16": 3202.49 } ], "Unit": "FPS", @@ -736,10 +736,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.77, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 4.61 } ], "Unit": "ms", @@ -748,18 +748,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.16, + "int8": 427.23, "fp16": "", - "fp32": 1.15, + "fp32": 164.01, "bf16": "" } ], @@ -770,7 +770,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 11.12, "fp16": "", "fp32": "", "bf16": "" @@ -782,18 +782,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 112.0, + "int8": 429.84, "fp16": "", - "fp32": 98.56, + "fp32": 167.86, "bf16": "" } ], @@ -804,7 +804,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 8.0, "fp16": "", "fp32": "", "bf16": "" @@ -816,18 +816,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 77.37, + "int8": 76.06, "fp16": "", - "fp32": 68.49, + "fp32": 30.37, "bf16": "" } ], @@ -838,7 +838,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 25.96, "fp16": "", "fp32": "", "bf16": "" @@ -850,18 +850,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 36.35, + "int8": 52.79, "fp16": "", - "fp32": 34.1, + "fp32": 21.03, "bf16": "" } ], @@ -872,7 +872,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 32.08, "fp16": "", "fp32": "", "bf16": "" @@ -884,18 +884,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.26, + "int8": 73.09, "fp16": "", - "fp32": 4.88, + "fp32": 26.35, "bf16": "" } ], @@ -906,7 +906,7 @@ "Precisions": [ { "int4": "", - "int8": 140.26, + "int8": 19.84, "fp16": "", "fp32": "", "bf16": "" @@ -918,18 +918,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", - "Parameters": { - "throughput": { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { "Precisions": [ { "int4": "", - "int8": 133.5, - "fp16": "", - "fp32": 80.49, + "int8": 404.72, + "fp16": 444.29, + "fp32": "", "bf16": "" } ], @@ -940,7 +940,7 @@ "Precisions": [ { "int4": "", - "int8": 7.82, + "int8": 3.24, "fp16": "", "fp32": "", "bf16": "" @@ -952,18 +952,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 19.86, + "int8": "", "fp16": "", - "fp32": 8.14, + "fp32": "", "bf16": "" } ], @@ -974,7 +974,7 @@ "Precisions": [ { "int4": "", - "int8": 51.42, + "int8": 4.76, "fp16": "", "fp32": "", "bf16": "" @@ -986,18 +986,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 45.7, - "fp16": "", - "fp32": 21.58, + "int8": 187.77, + "fp16": 149.65, + "fp32": "", "bf16": "" } ], @@ -1008,7 +1008,7 @@ "Precisions": [ { "int4": "", - "int8": 22.77, + "int8": 5.71, "fp16": "", "fp32": "", "bf16": "" @@ -1020,18 +1020,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 22.81, - "fp16": "", - "fp32": 10.3, + "int8": 89.12, + "fp16": 74.2, + "fp32": "", "bf16": "" } ], @@ -1042,7 +1042,7 @@ "Precisions": [ { "int4": "", - "int8": 45.22, + "int8": 12.51, "fp16": "", "fp32": "", "bf16": "" @@ -1054,18 +1054,18 @@ } }, { - "Platform": "Intel® Atom® X6425E CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.28, - "fp16": "", - "fp32": 5.11, + "int8": 89.38, + "fp16": 74.26, + "fp32": "", "bf16": "" } ], @@ -1076,7 +1076,7 @@ "Precisions": [ { "int4": "", - "int8": 100.18, + "int8": 12.3, "fp16": "", "fp32": "", "bf16": "" @@ -1088,17 +1088,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.4, - "fp16": "", + "int8": 177.17, + "fp16": 139.65, "fp32": "", "bf16": "" } @@ -1110,7 +1110,7 @@ "Precisions": [ { "int4": "", - "int8": 720.0, + "int8": 6.02, "fp16": "", "fp32": "", "bf16": "" @@ -1122,17 +1122,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 21.7, - "fp16": 25.08, + "int8": 42.88, + "fp16": 33.61, "fp32": "", "bf16": "" } @@ -1144,7 +1144,7 @@ "Precisions": [ { "int4": "", - "int8": 60.84, + "int8": 26.85, "fp16": "", "fp32": "", "bf16": "" @@ -1156,17 +1156,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 188.13, - "fp16": 222.45, + "int8": 47.07, + "fp16": 39.06, "fp32": "", "bf16": "" } @@ -1178,7 +1178,7 @@ "Precisions": [ { "int4": "", - "int8": 7.58, + "int8": 19.89, "fp16": "", "fp32": "", "bf16": "" @@ -1190,17 +1190,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 48.1, - "fp16": 51.66, + "int8": 47.0, + "fp16": 39.61, "fp32": "", "bf16": "" } @@ -1212,7 +1212,7 @@ "Precisions": [ { "int4": "", - "int8": 22.9, + "int8": 18.15, "fp16": "", "fp32": "", "bf16": "" @@ -1224,17 +1224,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.16, - "fp16": 1.16, + "int8": 67.79, + "fp16": 52.83, "fp32": "", "bf16": "" } @@ -1246,7 +1246,7 @@ "Precisions": [ { "int4": "", - "int8": 871.11, + "int8": 17.21, "fp16": "", "fp32": "", "bf16": "" @@ -1258,17 +1258,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 92.86, - "fp16": 95.65, + "int8": 47.29, + "fp16": 40.73, "fp32": "", "bf16": "" } @@ -1280,7 +1280,7 @@ "Precisions": [ { "int4": "", - "int8": 13.47, + "int8": 21.63, "fp16": "", "fp32": "", "bf16": "" @@ -1292,17 +1292,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.98, - "fp16": "", + "int8": 88.92, + "fp16": 69.92, "fp32": "", "bf16": "" } @@ -1314,7 +1314,7 @@ "Precisions": [ { "int4": "", - "int8": 505.58, + "int8": 12.82, "fp16": "", "fp32": "", "bf16": "" @@ -1326,17 +1326,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 66.16, - "fp16": 66.59, + "int8": 66.18, + "fp16": 52.8, "fp32": "", "bf16": "" } @@ -1348,7 +1348,7 @@ "Precisions": [ { "int4": "", - "int8": 16.65, + "int8": 14.46, "fp16": "", "fp32": "", "bf16": "" @@ -1360,17 +1360,17 @@ } }, { - "Platform": "Intel® Atom® X6425E iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 31.72, - "fp16": 33.08, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -1382,7 +1382,7 @@ "Precisions": [ { "int4": "", - "int8": 35.73, + "int8": 12.42, "fp16": "", "fp32": "", "bf16": "" @@ -1394,18 +1394,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 39.13, - "fp16": "", - "fp32": 30.4, + "int8": 159.37, + "fp16": 100.87, + "fp32": "", "bf16": "" } ], @@ -1416,7 +1416,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 6.11, "fp16": "", "fp32": "", "bf16": "" @@ -1428,18 +1428,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 476.24, - "fp16": "", - "fp32": 304.46, + "int8": 152.5, + "fp16": 108.49, + "fp32": "", "bf16": "" } ], @@ -1450,7 +1450,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 7.14, "fp16": "", "fp32": "", "bf16": "" @@ -1462,18 +1462,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 131.17, - "fp16": "", - "fp32": 55.39, + "int8": 316.53, + "fp16": 268.1, + "fp32": "", "bf16": "" } ], @@ -1484,7 +1484,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.61, "fp16": "", "fp32": "", "bf16": "" @@ -1496,18 +1496,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.18, + "int8": 44.78, "fp16": "", - "fp32": 0.87, + "fp32": 33.39, "bf16": "" } ], @@ -1530,18 +1530,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 235.68, + "int8": "", "fp16": "", - "fp32": 115.73, + "fp32": 16.3, "bf16": "" } ], @@ -1564,18 +1564,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 148.86, + "int8": 49.58, "fp16": "", - "fp32": 62.44, + "fp32": 26.72, "bf16": "" } ], @@ -1598,18 +1598,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 68.86, + "int8": 85.59, "fp16": "", - "fp32": 37.06, + "fp32": 51.66, "bf16": "" } ], @@ -1632,18 +1632,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 14.29, + "int8": 48.88, "fp16": "", - "fp32": 11.19, + "fp32": 25.61, "bf16": "" } ], @@ -1654,7 +1654,7 @@ "Precisions": [ { "int4": "", - "int8": 71.91, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1666,18 +1666,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 273.72, + "int8": "", "fp16": "", - "fp32": 169.78, + "fp32": "", "bf16": "" } ], @@ -1688,7 +1688,7 @@ "Precisions": [ { "int4": "", - "int8": 4.08, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1700,18 +1700,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 45.28, + "int8": 61.03, "fp16": "", - "fp32": 18.86, + "fp32": 32.25, "bf16": "" } ], @@ -1722,7 +1722,7 @@ "Precisions": [ { "int4": "", - "int8": 23.78, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1734,10 +1734,10 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -1745,7 +1745,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 0.31, + "fp32": 46.74, "bf16": "" } ], @@ -1768,18 +1768,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 98.26, + "int8": 240.55, "fp16": "", - "fp32": 45.78, + "fp32": 157.84, "bf16": "" } ], @@ -1790,7 +1790,7 @@ "Precisions": [ { "int4": "", - "int8": 10.54, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1802,18 +1802,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "bert-base-cased", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 52.87, + "int8": "", "fp16": "", - "fp32": 23.25, + "fp32": 73.76, "bf16": "" } ], @@ -1824,7 +1824,7 @@ "Precisions": [ { "int4": "", - "int8": 20.15, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1836,18 +1836,18 @@ } }, { - "Platform": "Intel® Atom® x7425E CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 21.72, + "int8": 1.18, "fp16": "", - "fp32": 11.81, + "fp32": 0.38, "bf16": "" } ], @@ -1858,7 +1858,7 @@ "Precisions": [ { "int4": "", - "int8": 47.51, + "int8": 853.85, "fp16": "", "fp32": "", "bf16": "" @@ -1870,18 +1870,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", + "Platform": "Intel® Core™ i3-8100 CPU-only", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.65, + "int8": 2.0, "fp16": "", - "fp32": "", + "fp32": 1.27, "bf16": "" } ], @@ -1892,7 +1892,7 @@ "Precisions": [ { "int4": "", - "int8": 367.08, + "int8": 510.0, "fp16": "", "fp32": "", "bf16": "" @@ -1904,18 +1904,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 40.31, - "fp16": 36.41, - "fp32": "", + "int8": 3.05, + "fp16": "", + "fp32": 1.87, "bf16": "" } ], @@ -1926,7 +1926,7 @@ "Precisions": [ { "int4": "", - "int8": 34.3, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -1938,17 +1938,17 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 424.02, - "fp16": 324.62, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -1960,7 +1960,7 @@ "Precisions": [ { "int4": "", - "int8": 3.54, + "int8": 424.59, "fp16": "", "fp32": "", "bf16": "" @@ -1972,17 +1972,17 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 109.29, - "fp16": 64.53, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -1994,7 +1994,7 @@ "Precisions": [ { "int4": "", - "int8": 10.4, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -2006,18 +2006,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.19, - "fp16": 1.34, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 3.91, "bf16": "" } ], @@ -2028,7 +2028,7 @@ "Precisions": [ { "int4": "", - "int8": 464.61, + "int8": 128.89, "fp16": "", "fp32": "", "bf16": "" @@ -2040,18 +2040,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 215.69, - "fp16": 135.07, - "fp32": "", + "int8": 3.01, + "fp16": "", + "fp32": 1.89, "bf16": "" } ], @@ -2062,7 +2062,7 @@ "Precisions": [ { "int4": "", - "int8": 6.29, + "int8": 324.87, "fp16": "", "fp32": "", "bf16": "" @@ -2074,18 +2074,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.43, + "int8": 5.03, "fp16": "", - "fp32": "", + "fp32": 1.64, "bf16": "" } ], @@ -2096,7 +2096,7 @@ "Precisions": [ { "int4": "", - "int8": 291.91, + "int8": 198.73, "fp16": "", "fp32": "", "bf16": "" @@ -2108,18 +2108,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 126.79, - "fp16": 81.83, - "fp32": "", + "int8": 3.69, + "fp16": "", + "fp32": 1.2, "bf16": "" } ], @@ -2130,7 +2130,7 @@ "Precisions": [ { "int4": "", - "int8": 8.64, + "int8": 268.0, "fp16": "", "fp32": "", "bf16": "" @@ -2142,18 +2142,18 @@ } }, { - "Platform": "Intel® Atom® x7425E iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 61.98, - "fp16": 44.91, - "fp32": "", + "int8": 7.52, + "fp16": "", + "fp32": 2.85, "bf16": "" } ], @@ -2164,7 +2164,7 @@ "Precisions": [ { "int4": "", - "int8": 18.29, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -2176,18 +2176,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 44.92, + "int8": "", "fp16": "", - "fp32": 33.4, + "fp32": "", "bf16": "" } ], @@ -2198,7 +2198,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 360.08, "fp16": "", "fp32": "", "bf16": "" @@ -2210,18 +2210,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Platform": "Intel® Core™ i7-1360P CPU-only", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.86, + "int8": 5.26, "fp16": "", - "fp32": 3.72, + "fp32": 2.05, "bf16": "" } ], @@ -2244,18 +2244,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 57.82, + "int8": "", "fp16": "", - "fp32": 48.68, + "fp32": "", "bf16": "" } ], @@ -2266,7 +2266,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 329.86, "fp16": "", "fp32": "", "bf16": "" @@ -2278,18 +2278,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.55, + "int8": 3.14, "fp16": "", - "fp32": 0.51, + "fp32": 1.9, "bf16": "" } ], @@ -2312,18 +2312,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 533.91, + "int8": 16.05, "fp16": "", - "fp32": 397.76, + "fp32": 5.99, "bf16": "" } ], @@ -2334,7 +2334,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 94.97, "fp16": "", "fp32": "", "bf16": "" @@ -2346,18 +2346,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 198.76, + "int8": 5.17, "fp16": "", - "fp32": 116.53, + "fp32": 3.33, "bf16": "" } ], @@ -2380,18 +2380,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.06, + "int8": "", "fp16": "", - "fp32": 2.71, + "fp32": 1.27, "bf16": "" } ], @@ -2402,7 +2402,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 513.28, "fp16": "", "fp32": "", "bf16": "" @@ -2414,18 +2414,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 317.11, + "int8": 21.82, "fp16": "", - "fp32": 194.62, + "fp32": 6.98, "bf16": "" } ], @@ -2436,7 +2436,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 102.33, "fp16": "", "fp32": "", "bf16": "" @@ -2448,18 +2448,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.86, + "int8": 51.17, "fp16": "", - "fp32": 4.55, + "fp32": 18.46, "bf16": "" } ], @@ -2470,7 +2470,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 48.78, "fp16": "", "fp32": "", "bf16": "" @@ -2482,18 +2482,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 261.36, + "int8": 78.31, "fp16": "", - "fp32": 151.54, + "fp32": 29.72, "bf16": "" } ], @@ -2504,7 +2504,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 38.13, "fp16": "", "fp32": "", "bf16": "" @@ -2516,19 +2516,19 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 115.82, + "int8": 244.06, "fp16": "", - "fp32": 78.39, - "bf16": "" + "fp32": 41.97, + "bf16": 211.62 } ], "Unit": "FPS", @@ -2538,10 +2538,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 25.21, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 27.63 } ], "Unit": "ms", @@ -2550,19 +2550,19 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 11.77, + "int8": 305.38, "fp16": "", - "fp32": 4.32, - "bf16": "" + "fp32": 55.37, + "bf16": 289.16 } ], "Unit": "FPS", @@ -2572,10 +2572,10 @@ "Precisions": [ { "int4": "", - "int8": 87.85, + "int8": 19.29, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 25.79 } ], "Unit": "ms", @@ -2584,18 +2584,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.18, + "int8": 38.28, "fp16": "", - "fp32": 0.38, + "fp32": 13.45, "bf16": "" } ], @@ -2606,7 +2606,7 @@ "Precisions": [ { "int4": "", - "int8": 853.42, + "int8": 69.24, "fp16": "", "fp32": "", "bf16": "" @@ -2618,18 +2618,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 19.01, + "int8": 38.81, "fp16": "", - "fp32": 11.49, + "fp32": 15.09, "bf16": "" } ], @@ -2640,7 +2640,7 @@ "Precisions": [ { "int4": "", - "int8": 55.53, + "int8": 62.64, "fp16": "", "fp32": "", "bf16": "" @@ -2652,18 +2652,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.17, + "int8": 7.34, "fp16": "", - "fp32": 0.04, + "fp32": 2.49, "bf16": "" } ], @@ -2674,7 +2674,7 @@ "Precisions": [ { "int4": "", - "int8": 5757.41, + "int8": 194.83, "fp16": "", "fp32": "", "bf16": "" @@ -2686,18 +2686,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 301.12, + "int8": 5.5, "fp16": "", - "fp32": 134.01, + "fp32": 1.72, "bf16": "" } ], @@ -2708,7 +2708,7 @@ "Precisions": [ { "int4": "", - "int8": 3.63, + "int8": 246.14, "fp16": "", "fp32": "", "bf16": "" @@ -2720,18 +2720,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 51.67, + "int8": 7.21, "fp16": "", - "fp32": 14.46, + "fp32": 2.31, "bf16": "" } ], @@ -2742,7 +2742,7 @@ "Precisions": [ { "int4": "", - "int8": 19.81, + "int8": 195.21, "fp16": "", "fp32": "", "bf16": "" @@ -2754,18 +2754,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 0.23, + "int8": 121.51, + "fp16": 110.4, + "fp32": "", "bf16": "" } ], @@ -2776,7 +2776,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 9.1, "fp16": "", "fp32": "", "bf16": "" @@ -2788,18 +2788,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 115.07, + "int8": "", "fp16": "", - "fp32": 37.09, + "fp32": "", "bf16": "" } ], @@ -2810,7 +2810,7 @@ "Precisions": [ { "int4": "", - "int8": 9.07, + "int8": 12.35, "fp16": "", "fp32": "", "bf16": "" @@ -2822,18 +2822,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.49, - "fp16": "", - "fp32": 0.37, + "int8": 30.58, + "fp16": 21.73, + "fp32": "", "bf16": "" } ], @@ -2844,7 +2844,7 @@ "Precisions": [ { "int4": "", - "int8": 671.73, + "int8": 32.8, "fp16": "", "fp32": "", "bf16": "" @@ -2856,18 +2856,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 55.57, - "fp16": "", - "fp32": 18.29, + "int8": 10.38, + "fp16": 6.72, + "fp32": "", "bf16": "" } ], @@ -2878,7 +2878,7 @@ "Precisions": [ { "int4": "", - "int8": 18.3, + "int8": 97.03, "fp16": "", "fp32": "", "bf16": "" @@ -2890,18 +2890,18 @@ } }, { - "Platform": "Intel® Celeron® 6305E CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 26.0, - "fp16": "", - "fp32": 9.66, + "int8": 10.38, + "fp16": 6.74, + "fp32": "", "bf16": "" } ], @@ -2912,7 +2912,7 @@ "Precisions": [ { "int4": "", - "int8": 40.11, + "int8": 97.28, "fp16": "", "fp32": "", "bf16": "" @@ -2924,17 +2924,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 42.84, - "fp16": 33.56, + "int8": 32.32, + "fp16": "", "fp32": "", "bf16": "" } @@ -2946,7 +2946,7 @@ "Precisions": [ { "int4": "", - "int8": 26.86, + "int8": 43.5, "fp16": "", "fp32": "", "bf16": "" @@ -2958,17 +2958,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", + "Platform": "Intel® Atom® x7425E iGPU-only", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.49, - "fp16": 3.64, + "int8": 2.91, + "fp16": "", "fp32": "", "bf16": "" } @@ -2980,7 +2980,7 @@ "Precisions": [ { "int4": "", - "int8": 192.72, + "int8": 329.17, "fp16": "", "fp32": "", "bf16": "" @@ -2992,17 +2992,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 73.41, - "fp16": 58.57, + "int8": 1.4, + "fp16": "", "fp32": "", "bf16": "" } @@ -3014,7 +3014,7 @@ "Precisions": [ { "int4": "", - "int8": 25.01, + "int8": 720.67, "fp16": "", "fp32": "", "bf16": "" @@ -3027,16 +3027,16 @@ }, { "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.48, - "fp16": 0.53, + "int8": 5.47, + "fp16": 3.64, "fp32": "", "bf16": "" } @@ -3048,7 +3048,7 @@ "Precisions": [ { "int4": "", - "int8": 2110.05, + "int8": 192.94, "fp16": "", "fp32": "", "bf16": "" @@ -3060,17 +3060,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 673.95, - "fp16": 504.33, + "int8": 5.41, + "fp16": 4.03, "fp32": "", "bf16": "" } @@ -3082,7 +3082,7 @@ "Precisions": [ { "int4": "", - "int8": 2.72, + "int8": 173.57, "fp16": "", "fp32": "", "bf16": "" @@ -3094,17 +3094,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 203.39, - "fp16": 118.57, + "int8": 6.17, + "fp16": 4.28, "fp32": "", "bf16": "" } @@ -3116,7 +3116,7 @@ "Precisions": [ { "int4": "", - "int8": 6.32, + "int8": 137.83, "fp16": "", "fp32": "", "bf16": "" @@ -3128,17 +3128,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.09, - "fp16": 2.78, + "int8": 8.85, + "fp16": 6.59, "fp32": "", "bf16": "" } @@ -3150,7 +3150,7 @@ "Precisions": [ { "int4": "", - "int8": 210.2, + "int8": 106.93, "fp16": "", "fp32": "", "bf16": "" @@ -3162,17 +3162,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 396.51, - "fp16": 222.39, + "int8": 5.41, + "fp16": 4.47, "fp32": "", "bf16": "" } @@ -3184,7 +3184,7 @@ "Precisions": [ { "int4": "", - "int8": 4.29, + "int8": 179.75, "fp16": "", "fp32": "", "bf16": "" @@ -3196,17 +3196,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.29, - "fp16": 4.48, + "int8": 11.76, + "fp16": 8.39, "fp32": "", "bf16": "" } @@ -3218,7 +3218,7 @@ "Precisions": [ { "int4": "", - "int8": 121.5, + "int8": 87.43, "fp16": "", "fp32": "", "bf16": "" @@ -3230,17 +3230,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 284.94, - "fp16": 157.32, + "int8": 8.08, + "fp16": 5.89, "fp32": "", "bf16": "" } @@ -3252,7 +3252,7 @@ "Precisions": [ { "int4": "", - "int8": 4.83, + "int8": 110.63, "fp16": "", "fp32": "", "bf16": "" @@ -3264,17 +3264,17 @@ } }, { - "Platform": "Intel® Celeron® 6305E iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 121.72, - "fp16": 81.7, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -3286,7 +3286,7 @@ "Precisions": [ { "int4": "", - "int8": 10.3, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -3298,18 +3298,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 123.16, + "int8": 2.39, "fp16": "", - "fp32": 72.51, + "fp32": "", "bf16": "" } ], @@ -3320,7 +3320,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 408.09, "fp16": "", "fp32": "", "bf16": "" @@ -3332,18 +3332,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 12.24, - "fp16": "", - "fp32": 6.12, + "int8": 23.39, + "fp16": 14.13, + "fp32": "", "bf16": "" } ], @@ -3354,7 +3354,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 39.66, "fp16": "", "fp32": "", "bf16": "" @@ -3366,18 +3366,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 117.76, + "int8": "", "fp16": "", - "fp32": 93.31, + "fp32": "", "bf16": "" } ], @@ -3400,18 +3400,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.46, - "fp16": "", - "fp32": 0.58, + "int8": 54.9, + "fp16": 49.62, + "fp32": "", "bf16": "" } ], @@ -3422,7 +3422,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 20.12, "fp16": "", "fp32": "", "bf16": "" @@ -3434,18 +3434,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3065.32, + "int8": 5.85, "fp16": "", - "fp32": 1695.14, + "fp32": 3.73, "bf16": "" } ], @@ -3468,18 +3468,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 607.16, + "int8": "", "fp16": "", - "fp32": 256.25, + "fp32": 1.5, "bf16": "" } ], @@ -3502,18 +3502,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 17.78, + "int8": 5.12, "fp16": "", - "fp32": 5.04, + "fp32": 2.56, "bf16": "" } ], @@ -3536,18 +3536,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 704.49, + "int8": 9.46, "fp16": "", - "fp32": 374.02, + "fp32": 5.5, "bf16": "" } ], @@ -3570,18 +3570,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 17.53, + "int8": 5.05, "fp16": "", - "fp32": 8.01, + "fp32": 2.57, "bf16": "" } ], @@ -3604,18 +3604,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 667.92, + "int8": "", "fp16": "", - "fp32": 247.4, + "fp32": 5.4, "bf16": "" } ], @@ -3638,18 +3638,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 236.25, + "int8": 6.41, "fp16": "", - "fp32": 151.99, + "fp32": 3.19, "bf16": "" } ], @@ -3672,18 +3672,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 52.93, + "int8": 8.01, "fp16": "", - "fp32": 20.85, + "fp32": 4.49, "bf16": "" } ], @@ -3694,7 +3694,7 @@ "Precisions": [ { "int4": "", - "int8": 32.01, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -3706,18 +3706,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.5, + "int8": 22.64, "fp16": "", - "fp32": 1.7, + "fp32": 12.18, "bf16": "" } ], @@ -3728,7 +3728,7 @@ "Precisions": [ { "int4": "", - "int8": 245.77, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -3740,18 +3740,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "chatglm2-6b", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "bert-large-uncased-whole-word-masking-squad-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 12.39, "fp16": "", - "fp32": "", + "fp32": 6.33, "bf16": "" } ], @@ -3761,9 +3761,9 @@ "latency": { "Precisions": [ { - "int4": 105.48, - "int8": 157.96, - "fp16": 208.79, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -3774,18 +3774,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Platform": "Intel® Atom® x7425E CPU-only", "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 72.54, + "int8": 14.28, "fp16": "", - "fp32": 46.64, + "fp32": 11.21, "bf16": "" } ], @@ -3796,7 +3796,7 @@ "Precisions": [ { "int4": "", - "int8": 23.79, + "int8": 71.92, "fp16": "", "fp32": "", "bf16": "" @@ -3808,18 +3808,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 7.25, "fp16": "", - "fp32": "", + "fp32": 4.96, "bf16": "" } ], @@ -3829,9 +3829,9 @@ "latency": { "Precisions": [ { - "int4": 96.87, - "int8": 188.32, - "fp16": 244.7, + "int4": "", + "int8": 139.91, + "fp16": "", "fp32": "", "bf16": "" } @@ -3842,18 +3842,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 18.99, "fp16": "", - "fp32": "", + "fp32": 11.5, "bf16": "" } ], @@ -3863,9 +3863,9 @@ "latency": { "Precisions": [ { - "int4": 115.05, - "int8": 190.79, - "fp16": 246.24, + "int4": "", + "int8": 55.68, + "fp16": "", "fp32": "", "bf16": "" } @@ -3876,18 +3876,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "llama-3-8b", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 37.48, "fp16": "", - "fp32": "", + "fp32": 27.9, "bf16": "" } ], @@ -3897,9 +3897,9 @@ "latency": { "Precisions": [ { - "int4": 207.44, - "int8": 143.95, - "fp16": 271.61, + "int4": "", + "int8": 27.49, + "fp16": "", "fp32": "", "bf16": "" } @@ -3910,18 +3910,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.9, + "int8": 59.12, "fp16": "", - "fp32": 0.2, + "fp32": 32.99, "bf16": "" } ], @@ -3932,7 +3932,7 @@ "Precisions": [ { "int4": "", - "int8": 1323.81, + "int8": 20.56, "fp16": "", "fp32": "", "bf16": "" @@ -3944,18 +3944,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 44.97, "fp16": "", - "fp32": "", + "fp32": 24.31, "bf16": "" } ], @@ -3965,9 +3965,9 @@ "latency": { "Precisions": [ { - "int4": 109.4, - "int8": 199.33, - "fp16": 262.37, + "int4": "", + "int8": 32.17, + "fp16": "", "fp32": "", "bf16": "" } @@ -3978,18 +3978,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1501.29, + "int8": 56.87, "fp16": "", - "fp32": 586.49, + "fp32": 36.06, "bf16": "" } ], @@ -4000,7 +4000,7 @@ "Precisions": [ { "int4": "", - "int8": 1.57, + "int8": 28.54, "fp16": "", "fp32": "", "bf16": "" @@ -4012,18 +4012,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 152.17, "fp16": "", - "fp32": "", + "fp32": 93.19, "bf16": "" } ], @@ -4033,9 +4033,9 @@ "latency": { "Precisions": [ { - "int4": 83.15, - "int8": 114.9, - "fp16": 148.56, + "int4": "", + "int8": 9.14, + "fp16": "", "fp32": "", "bf16": "" } @@ -4046,18 +4046,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 290.91, + "int8": 59.7, "fp16": "", - "fp32": 71.84, + "fp32": 42.45, "bf16": "" } ], @@ -4068,7 +4068,7 @@ "Precisions": [ { "int4": "", - "int8": 7.67, + "int8": 17.62, "fp16": "", "fp32": "", "bf16": "" @@ -4080,18 +4080,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 75.02, "fp16": "", - "fp32": 1.25, + "fp32": 41.47, "bf16": "" } ], @@ -4102,7 +4102,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 14.65, "fp16": "", "fp32": "", "bf16": "" @@ -4114,18 +4114,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 529.13, + "int8": 52.75, "fp16": "", - "fp32": 180.71, + "fp32": 21.83, "bf16": "" } ], @@ -4136,7 +4136,7 @@ "Precisions": [ { "int4": "", - "int8": 3.31, + "int8": 20.19, "fp16": "", "fp32": "", "bf16": "" @@ -4148,18 +4148,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.79, + "int8": 112.1, "fp16": "", - "fp32": 1.59, + "fp32": 61.82, "bf16": "" } ], @@ -4170,7 +4170,7 @@ "Precisions": [ { "int4": "", - "int8": 180.81, + "int8": 11.47, "fp16": "", "fp32": "", "bf16": "" @@ -4182,18 +4182,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 326.51, + "int8": 62.08, "fp16": "", - "fp32": 92.23, + "fp32": 39.8, "bf16": "" } ], @@ -4204,7 +4204,7 @@ "Precisions": [ { "int4": "", - "int8": 5.21, + "int8": 26.84, "fp16": "", "fp32": "", "bf16": "" @@ -4216,18 +4216,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 127.76, + "int8": 83.44, "fp16": "", - "fp32": 47.25, + "fp32": 43.76, "bf16": "" } ], @@ -4238,7 +4238,7 @@ "Precisions": [ { "int4": "", - "int8": 14.6, + "int8": 16.75, "fp16": "", "fp32": "", "bf16": "" @@ -4250,18 +4250,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 89.37, - "fp16": 74.27, - "fp32": "", + "int8": 52.39, + "fp16": "", + "fp32": 38.12, "bf16": "" } ], @@ -4272,7 +4272,7 @@ "Precisions": [ { "int4": "", - "int8": 12.29, + "int8": 17.79, "fp16": "", "fp32": "", "bf16": "" @@ -4284,18 +4284,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.39, - "fp16": 6.74, - "fp32": "", + "int8": 65.23, + "fp16": "", + "fp32": 41.09, "bf16": "" } ], @@ -4306,7 +4306,7 @@ "Precisions": [ { "int4": "", - "int8": 97.33, + "int8": 18.79, "fp16": "", "fp32": "", "bf16": "" @@ -4318,18 +4318,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Platform": "Intel® Core™ i9-13900K CPU-only", "Model": "efficientdet-d0", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 37.99, - "fp16": 34.96, - "fp32": "", + "int8": 220.01, + "fp16": "", + "fp32": 126.72, "bf16": "" } ], @@ -4340,7 +4340,7 @@ "Precisions": [ { "int4": "", - "int8": 27.48, + "int8": 7.33, "fp16": "", "fp32": "", "bf16": "" @@ -4352,18 +4352,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1982.75, - "fp16": 1361.8, - "fp32": "", + "int8": 15.45, + "fp16": "", + "fp32": 12.76, "bf16": "" } ], @@ -4374,7 +4374,7 @@ "Precisions": [ { "int4": "", - "int8": 0.69, + "int8": 66.3, "fp16": "", "fp32": "", "bf16": "" @@ -4386,18 +4386,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 772.85, - "fp16": 383.69, - "fp32": "", + "int8": 97.27, + "fp16": "", + "fp32": 48.02, "bf16": "" } ], @@ -4408,7 +4408,7 @@ "Precisions": [ { "int4": "", - "int8": 1.54, + "int8": 13.26, "fp16": "", "fp32": "", "bf16": "" @@ -4420,18 +4420,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 705.19, - "fp16": 458.52, - "fp32": "", + "int8": 35.92, + "fp16": "", + "fp32": 30.28, "bf16": "" } ], @@ -4442,7 +4442,7 @@ "Precisions": [ { "int4": "", - "int8": 1.65, + "int8": 28.54, "fp16": "", "fp32": "", "bf16": "" @@ -4454,18 +4454,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": 9.91, - "fp32": "", + "int8": 271.61, + "fp16": "", + "fp32": 166.53, "bf16": "" } ], @@ -4476,7 +4476,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 11.3, "fp16": "", "fp32": "", "bf16": "" @@ -4488,18 +4488,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 394.51, - "fp16": 300.62, - "fp32": "", + "int8": 576.89, + "fp16": "", + "fp32": 325.0, "bf16": "" } ], @@ -4510,7 +4510,7 @@ "Precisions": [ { "int4": "", - "int8": 2.83, + "int8": 7.03, "fp16": "", "fp32": "", "bf16": "" @@ -4522,18 +4522,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 127.59, - "fp16": 131.22, - "fp32": "", + "int8": 1014.6, + "fp16": "", + "fp32": 582.63, "bf16": "" } ], @@ -4544,7 +4544,7 @@ "Precisions": [ { "int4": "", - "int8": 9.0, + "int8": 4.2, "fp16": "", "fp32": "", "bf16": "" @@ -4556,19 +4556,19 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 158.5, - "fp16": 108.29, - "fp32": "", - "bf16": "" + "int8": 1454.4, + "fp16": "", + "fp32": 872.52, + "bf16": 1037.91 } ], "Unit": "FPS", @@ -4578,10 +4578,10 @@ "Precisions": [ { "int4": "", - "int8": 6.87, + "int8": 4.6, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 4.96 } ], "Unit": "ms", @@ -4590,19 +4590,19 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 19.78, - "fp16": 13.08, - "fp32": "", - "bf16": "" + "int8": 1736.65, + "fp16": "", + "fp32": 1132.21, + "bf16": 1408.76 } ], "Unit": "FPS", @@ -4612,10 +4612,10 @@ "Precisions": [ { "int4": "", - "int8": 50.82, + "int8": 4.6, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 4.68 } ], "Unit": "ms", @@ -4624,18 +4624,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 413.78, "fp16": "", - "fp32": "", + "fp32": 257.07, "bf16": "" } ], @@ -4645,9 +4645,9 @@ "latency": { "Precisions": [ { - "int4": 64.67, - "int8": 87.62, - "fp16": 162.47, + "int4": "", + "int8": 8.54, + "fp16": "", "fp32": "", "bf16": "" } @@ -4658,18 +4658,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 172.52, - "fp16": 142.15, - "fp32": "", + "int8": 497.16, + "fp16": "", + "fp32": 303.25, "bf16": "" } ], @@ -4680,7 +4680,7 @@ "Precisions": [ { "int4": "", - "int8": 7.96, + "int8": 5.86, "fp16": "", "fp32": "", "bf16": "" @@ -4692,18 +4692,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 97.68, "fp16": "", - "fp32": "", + "fp32": 67.18, "bf16": "" } ], @@ -4713,9 +4713,9 @@ "latency": { "Precisions": [ { - "int4": 69.8, - "int8": 101.51, - "fp16": 188.13, + "int4": "", + "int8": 21.46, + "fp16": "", "fp32": "", "bf16": "" } @@ -4726,18 +4726,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 70.93, "fp16": "", - "fp32": "", + "fp32": 46.39, "bf16": "" } ], @@ -4747,9 +4747,9 @@ "latency": { "Precisions": [ { - "int4": 73.91, - "int8": 102.29, - "fp16": 184.95, + "int4": "", + "int8": 25.46, + "fp16": "", "fp32": "", "bf16": "" } @@ -4760,18 +4760,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "llama-3-8b", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 92.57, "fp16": "", - "fp32": "", + "fp32": 61.6, "bf16": "" } ], @@ -4781,9 +4781,9 @@ "latency": { "Precisions": [ { - "int4": 71.5, - "int8": 111.72, - "fp16": 207.38, + "int4": "", + "int8": 13.58, + "fp16": "", "fp32": "", "bf16": "" } @@ -4794,17 +4794,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.82, - "fp16": 1.41, + "int8": 456.95, + "fp16": 402.8, "fp32": "", "bf16": "" } @@ -4816,7 +4816,7 @@ "Precisions": [ { "int4": "", - "int8": 528.53, + "int8": 2.93, "fp16": "", "fp32": "", "bf16": "" @@ -4828,10 +4828,10 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ @@ -4849,9 +4849,9 @@ "latency": { "Precisions": [ { - "int4": 70.17, - "int8": 107.23, - "fp16": 196.47, + "int4": "", + "int8": 4.8, + "fp16": "", "fp32": "", "bf16": "" } @@ -4862,17 +4862,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1399.46, - "fp16": 1370.74, + "int8": 147.83, + "fp16": 120.48, "fp32": "", "bf16": "" } @@ -4884,7 +4884,7 @@ "Precisions": [ { "int4": "", - "int8": 1.27, + "int8": 9.67, "fp16": "", "fp32": "", "bf16": "" @@ -4896,17 +4896,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 37.71, + "fp16": 34.85, "fp32": "", "bf16": "" } @@ -4917,9 +4917,9 @@ "latency": { "Precisions": [ { - "int4": 42.38, - "int8": 63.04, - "fp16": 107.68, + "int4": "", + "int8": 27.94, + "fp16": "", "fp32": "", "bf16": "" } @@ -4930,17 +4930,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 577.04, - "fp16": 377.92, + "int8": 37.99, + "fp16": 34.96, "fp32": "", "bf16": "" } @@ -4952,7 +4952,7 @@ "Precisions": [ { "int4": "", - "int8": 2.23, + "int8": 27.51, "fp16": "", "fp32": "", "bf16": "" @@ -4964,17 +4964,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 17.85, - "fp16": 9.97, + "int8": 13.38, + "fp16": 13.66, "fp32": "", "bf16": "" } @@ -4986,7 +4986,7 @@ "Precisions": [ { "int4": "", - "int8": 59.54, + "int8": 124.82, "fp16": "", "fp32": "", "bf16": "" @@ -4998,17 +4998,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 957.47, - "fp16": 682.95, + "int8": 40.02, + "fp16": 34.39, "fp32": "", "bf16": "" } @@ -5020,7 +5020,7 @@ "Precisions": [ { "int4": "", - "int8": 1.34, + "int8": 34.08, "fp16": "", "fp32": "", "bf16": "" @@ -5032,17 +5032,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 30.78, - "fp16": 18.37, + "int8": 21.7, + "fp16": 25.09, "fp32": "", "bf16": "" } @@ -5054,7 +5054,7 @@ "Precisions": [ { "int4": "", - "int8": 32.75, + "int8": 63.02, "fp16": "", "fp32": "", "bf16": "" @@ -5066,17 +5066,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 871.13, - "fp16": 499.08, + "int8": 73.6, + "fp16": 58.55, "fp32": "", "bf16": "" } @@ -5088,7 +5088,7 @@ "Precisions": [ { "int4": "", - "int8": 1.41, + "int8": 24.96, "fp16": "", "fp32": "", "bf16": "" @@ -5100,17 +5100,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 379.7, - "fp16": 272.5, + "int8": 68.83, + "fp16": 51.74, "fp32": "", "bf16": "" } @@ -5122,7 +5122,7 @@ "Precisions": [ { "int4": "", - "int8": 3.1, + "int8": 19.37, "fp16": "", "fp32": "", "bf16": "" @@ -5134,18 +5134,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 177.0, - "fp16": 139.71, - "fp32": 139.72, + "int8": 80.63, + "fp16": 60.04, + "fp32": "", "bf16": "" } ], @@ -5156,7 +5156,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 14.48, "fp16": "", "fp32": "", "bf16": "" @@ -5168,16 +5168,16 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 32.11, + "int8": 91.41, "fp16": "", "fp32": "", "bf16": "" @@ -5202,17 +5202,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", "Model": "efficientdet-d0", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 13.29, - "fp16": 13.68, + "int8": 56.47, + "fp16": 42.15, "fp32": "", "bf16": "" } @@ -5224,7 +5224,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 24.14, "fp16": "", "fp32": "", "bf16": "" @@ -5236,17 +5236,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3567.26, - "fp16": 2704.39, + "int8": 128.8, + "fp16": 97.86, "fp32": "", "bf16": "" } @@ -5258,7 +5258,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 12.63, "fp16": "", "fp32": "", "bf16": "" @@ -5270,17 +5270,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1903.03, - "fp16": 939.22, + "int8": 100.05, + "fp16": 74.24, "fp32": "", "bf16": "" } @@ -5292,7 +5292,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 13.33, "fp16": "", "fp32": "", "bf16": "" @@ -5304,17 +5304,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 227.81, - "fp16": 199.46, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -5326,7 +5326,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 14.0, "fp16": "", "fp32": "", "bf16": "" @@ -5338,17 +5338,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": 45.86, + "int8": 33.67, + "fp16": 30.88, "fp32": "", "bf16": "" } @@ -5360,7 +5360,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 38.07, "fp16": "", "fp32": "", "bf16": "" @@ -5372,17 +5372,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1080.78, - "fp16": 849.54, + "int8": 201.37, + "fp16": 162.08, "fp32": "", "bf16": "" } @@ -5394,7 +5394,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 6.86, "fp16": "", "fp32": "", "bf16": "" @@ -5406,17 +5406,17 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 390.32, - "fp16": 504.91, + "int8": 169.74, + "fp16": 143.49, "fp32": "", "bf16": "" } @@ -5428,7 +5428,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 7.91, "fp16": "", "fp32": "", "bf16": "" @@ -5441,16 +5441,16 @@ }, { "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 283.6, - "fp16": 271.24, + "int8": 163.17, + "fp16": 185.29, "fp32": "", "bf16": "" } @@ -5462,7 +5462,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 8.23, "fp16": "", "fp32": "", "bf16": "" @@ -5474,18 +5474,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 54.76, - "fp16": 51.63, - "fp32": "", + "int8": 39.25, + "fp16": "", + "fp32": 29.57, "bf16": "" } ], @@ -5508,18 +5508,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 22.93, "fp16": "", - "fp32": "", + "fp32": 23.89, "bf16": "" } ], @@ -5529,7 +5529,7 @@ "latency": { "Precisions": [ { - "int4": 53.45, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5542,18 +5542,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 166.55, - "fp16": 183.44, - "fp32": "", + "int8": 57.64, + "fp16": "", + "fp32": 48.78, "bf16": "" } ], @@ -5576,9 +5576,9 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -5587,7 +5587,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", + "fp32": 30.78, "bf16": "" } ], @@ -5597,7 +5597,7 @@ "latency": { "Precisions": [ { - "int4": 56.67, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5610,18 +5610,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 74.05, "fp16": "", - "fp32": "", + "fp32": 48.82, "bf16": "" } ], @@ -5631,7 +5631,7 @@ "latency": { "Precisions": [ { - "int4": 62.44, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5644,18 +5644,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "llama-3-8b", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 100.6, "fp16": "", - "fp32": "", + "fp32": 65.57, "bf16": "" } ], @@ -5665,7 +5665,7 @@ "latency": { "Precisions": [ { - "int4": 57.25, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5678,18 +5678,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 12.11, - "fp16": 7.1, - "fp32": "", + "int8": 57.55, + "fp16": "", + "fp32": 28.28, "bf16": "" } ], @@ -5712,9 +5712,9 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -5723,7 +5723,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", + "fp32": 75.36, "bf16": "" } ], @@ -5733,7 +5733,7 @@ "latency": { "Precisions": [ { - "int4": 57.64, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5746,18 +5746,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 922.77, - "fp16": 1450.01, - "fp32": "", + "int8": 88.7, + "fp16": "", + "fp32": 59.09, "bf16": "" } ], @@ -5780,9 +5780,9 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -5791,7 +5791,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", + "fp32": 59.29, "bf16": "" } ], @@ -5801,7 +5801,7 @@ "latency": { "Precisions": [ { - "int4": 36.89, + "int4": "", "int8": "", "fp16": "", "fp32": "", @@ -5814,18 +5814,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1030.48, - "fp16": 585.54, - "fp32": "", + "int8": 37.02, + "fp16": "", + "fp32": 28.15, "bf16": "" } ], @@ -5848,18 +5848,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 63.15, - "fp16": 38.3, - "fp32": "", + "int8": 191.27, + "fp16": "", + "fp32": 150.88, "bf16": "" } ], @@ -5882,18 +5882,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "efficientdet-d0", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 762.53, - "fp16": 830.99, - "fp32": "", + "int8": 123.24, + "fp16": "", + "fp32": 97.13, "bf16": "" } ], @@ -5916,18 +5916,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 101.99, - "fp16": 72.98, - "fp32": "", + "int8": 0.17, + "fp16": "", + "fp32": 0.04, "bf16": "" } ], @@ -5938,7 +5938,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 5769.81, "fp16": "", "fp32": "", "bf16": "" @@ -5950,18 +5950,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 711.01, - "fp16": 766.89, - "fp32": "", + "int8": 0.3, + "fp16": "", + "fp32": 0.14, "bf16": "" } ], @@ -5972,7 +5972,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3268.87, "fp16": "", "fp32": "", "bf16": "" @@ -5984,18 +5984,18 @@ } }, { - "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 414.47, - "fp16": 388.51, - "fp32": "", + "int8": 0.44, + "fp16": "", + "fp32": 0.18, "bf16": "" } ], @@ -6006,7 +6006,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 2406.55, "fp16": "", "fp32": "", "bf16": "" @@ -6018,18 +6018,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 20.99, + "int8": 0.47, "fp16": "", - "fp32": 14.94, + "fp32": 0.12, "bf16": "" } ], @@ -6040,7 +6040,7 @@ "Precisions": [ { "int4": "", - "int8": 49.18, + "int8": 2337.51, "fp16": "", "fp32": "", "bf16": "" @@ -6052,18 +6052,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.99, + "int8": 0.58, "fp16": "", - "fp32": 1.26, + "fp32": 0.16, "bf16": "" } ], @@ -6074,7 +6074,7 @@ "Precisions": [ { "int4": "", - "int8": 511.15, + "int8": 2064.41, "fp16": "", "fp32": "", "bf16": "" @@ -6086,18 +6086,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 37.42, + "int8": 1.71, "fp16": "", - "fp32": 27.64, + "fp32": 0.5, "bf16": "" } ], @@ -6108,7 +6108,7 @@ "Precisions": [ { "int4": "", - "int8": 27.54, + "int8": 708.93, "fp16": "", "fp32": "", "bf16": "" @@ -6120,18 +6120,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", + "Platform": "Intel® Core™ i5-8500 CPU-only", "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.3, + "int8": 0.48, "fp16": "", - "fp32": 0.14, + "fp32": "", "bf16": "" } ], @@ -6142,7 +6142,7 @@ "Precisions": [ { "int4": "", - "int8": 3274.62, + "int8": 2022.46, "fp16": "", "fp32": "", "bf16": "" @@ -6154,18 +6154,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 532.22, + "int8": 0.72, "fp16": "", - "fp32": 411.7, + "fp32": 0.19, "bf16": "" } ], @@ -6176,7 +6176,7 @@ "Precisions": [ { "int4": "", - "int8": 2.03, + "int8": 1351.31, "fp16": "", "fp32": "", "bf16": "" @@ -6188,18 +6188,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 96.34, + "int8": 0.52, "fp16": "", - "fp32": 49.9, + "fp32": 0.14, "bf16": "" } ], @@ -6210,7 +6210,7 @@ "Precisions": [ { "int4": "", - "int8": 10.77, + "int8": 1804.22, "fp16": "", "fp32": "", "bf16": "" @@ -6222,18 +6222,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.24, "fp16": "", - "fp32": 0.88, + "fp32": 0.35, "bf16": "" } ], @@ -6244,7 +6244,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 936.49, "fp16": "", "fp32": "", "bf16": "" @@ -6256,18 +6256,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 212.27, + "int8": 0.64, "fp16": "", - "fp32": 120.47, + "fp32": 0.18, "bf16": "" } ], @@ -6278,7 +6278,7 @@ "Precisions": [ { "int4": "", - "int8": 4.94, + "int8": 1922.82, "fp16": "", "fp32": "", "bf16": "" @@ -6290,18 +6290,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.52, + "int8": 0.91, "fp16": "", - "fp32": 1.37, + "fp32": "", "bf16": "" } ], @@ -6312,7 +6312,7 @@ "Precisions": [ { "int4": "", - "int8": 402.53, + "int8": 1366.6, "fp16": "", "fp32": "", "bf16": "" @@ -6324,18 +6324,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 110.51, + "int8": 0.37, "fp16": "", - "fp32": 60.19, + "fp32": 0.15, "bf16": "" } ], @@ -6346,7 +6346,7 @@ "Precisions": [ { "int4": "", - "int8": 9.08, + "int8": 2090.62, "fp16": "", "fp32": "", "bf16": "" @@ -6358,18 +6358,18 @@ } }, { - "Platform": "Intel® Core™ i3-8100 CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 53.67, + "int8": 0.47, "fp16": "", - "fp32": 32.01, + "fp32": 0.17, "bf16": "" } ], @@ -6380,7 +6380,7 @@ "Precisions": [ { "int4": "", - "int8": 19.05, + "int8": 2235.88, "fp16": "", "fp32": "", "bf16": "" @@ -6392,18 +6392,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 32.52, + "int8": 2.48, "fp16": "", - "fp32": 22.07, + "fp32": 0.71, "bf16": "" } ], @@ -6414,7 +6414,7 @@ "Precisions": [ { "int4": "", - "int8": 36.06, + "int8": 558.42, "fp16": "", "fp32": "", "bf16": "" @@ -6426,18 +6426,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.06, + "int8": 0.75, "fp16": "", - "fp32": 1.9, + "fp32": 0.29, "bf16": "" } ], @@ -6448,7 +6448,7 @@ "Precisions": [ { "int4": "", - "int8": 373.95, + "int8": 1441.19, "fp16": "", "fp32": "", "bf16": "" @@ -6460,18 +6460,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 59.08, + "int8": 0.29, "fp16": "", - "fp32": 32.53, + "fp32": 0.15, "bf16": "" } ], @@ -6482,7 +6482,7 @@ "Precisions": [ { "int4": "", - "int8": 20.57, + "int8": 3400.61, "fp16": "", "fp32": "", "bf16": "" @@ -6494,18 +6494,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.44, + "int8": 3.25, "fp16": "", - "fp32": 0.18, + "fp32": 0.89, "bf16": "" } ], @@ -6516,7 +6516,7 @@ "Precisions": [ { "int4": "", - "int8": 2415.07, + "int8": 650.12, "fp16": "", "fp32": "", "bf16": "" @@ -6528,18 +6528,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 892.27, + "int8": 8.7, "fp16": "", - "fp32": 460.33, + "fp32": 2.25, "bf16": "" } ], @@ -6550,7 +6550,7 @@ "Precisions": [ { "int4": "", - "int8": 1.62, + "int8": 251.14, "fp16": "", "fp32": "", "bf16": "" @@ -6562,18 +6562,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 144.52, + "int8": 14.54, "fp16": "", - "fp32": 72.76, + "fp32": 3.46, "bf16": "" } ], @@ -6584,7 +6584,7 @@ "Precisions": [ { "int4": "", - "int8": 8.22, + "int8": 160.14, "fp16": "", "fp32": "", "bf16": "" @@ -6596,19 +6596,19 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 63.19, "fp16": "", - "fp32": 1.29, - "bf16": "" + "fp32": 5.23, + "bf16": 37.95 } ], "Unit": "FPS", @@ -6618,10 +6618,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 60.21, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 83.04 } ], "Unit": "ms", @@ -6630,19 +6630,19 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 329.06, + "int8": 75.35, "fp16": "", - "fp32": 166.54, - "bf16": "" + "fp32": 6.47, + "bf16": 48.43 } ], "Unit": "FPS", @@ -6652,10 +6652,10 @@ "Precisions": [ { "int4": "", - "int8": 3.62, + "int8": 55.97, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 73.23 } ], "Unit": "ms", @@ -6664,18 +6664,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.62, + "int8": 6.51, "fp16": "", - "fp32": 2.0, + "fp32": 1.65, "bf16": "" } ], @@ -6686,7 +6686,7 @@ "Precisions": [ { "int4": "", - "int8": 306.06, + "int8": 322.06, "fp16": "", "fp32": "", "bf16": "" @@ -6698,18 +6698,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 166.67, + "int8": 7.4, "fp16": "", - "fp32": 82.29, + "fp32": 1.76, "bf16": "" } ], @@ -6720,7 +6720,7 @@ "Precisions": [ { "int4": "", - "int8": 6.42, + "int8": 286.63, "fp16": "", "fp32": "", "bf16": "" @@ -6732,18 +6732,18 @@ } }, { - "Platform": "Intel® Core™ i5-10500TE CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 81.96, + "int8": 1.18, "fp16": "", - "fp32": 45.08, + "fp32": 0.32, "bf16": "" } ], @@ -6754,7 +6754,7 @@ "Precisions": [ { "int4": "", - "int8": 13.69, + "int8": 999.99, "fp16": "", "fp32": "", "bf16": "" @@ -6766,18 +6766,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 40.22, + "int8": 0.9, "fp16": "", - "fp32": 18.63, + "fp32": 0.21, "bf16": "" } ], @@ -6788,7 +6788,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1330.81, "fp16": "", "fp32": "", "bf16": "" @@ -6800,18 +6800,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.6, + "int8": 1.12, "fp16": "", - "fp32": 1.72, + "fp32": 0.27, "bf16": "" } ], @@ -6822,7 +6822,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1255.21, "fp16": "", "fp32": "", "bf16": "" @@ -6834,18 +6834,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 54.04, - "fp16": "", - "fp32": 31.23, + "int8": 39.0, + "fp16": 21.24, + "fp32": "", "bf16": "" } ], @@ -6856,7 +6856,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 52.08, "fp16": "", "fp32": "", "bf16": "" @@ -6868,18 +6868,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.54, + "int8": "", "fp16": "", - "fp32": 0.19, + "fp32": "", "bf16": "" } ], @@ -6890,7 +6890,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 48.01, "fp16": "", "fp32": "", "bf16": "" @@ -6902,18 +6902,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 876.52, + "int8": 6.33, "fp16": "", - "fp32": 363.86, + "fp32": "", "bf16": "" } ], @@ -6924,7 +6924,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 179.63, "fp16": "", "fp32": "", "bf16": "" @@ -6936,18 +6936,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 195.29, - "fp16": "", - "fp32": 65.09, + "int8": 0.48, + "fp16": 0.52, + "fp32": "", "bf16": "" } ], @@ -6958,7 +6958,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 2109.61, "fp16": "", "fp32": "", "bf16": "" @@ -6970,18 +6970,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.79, - "fp16": "", - "fp32": 1.29, + "int8": 0.53, + "fp16": 0.52, + "fp32": "", "bf16": "" } ], @@ -6992,7 +6992,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1494.17, "fp16": "", "fp32": "", "bf16": "" @@ -7004,18 +7004,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 384.96, - "fp16": "", - "fp32": 132.61, + "int8": 0.54, + "fp16": 0.58, + "fp32": "", "bf16": "" } ], @@ -7026,7 +7026,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1486.87, "fp16": "", "fp32": "", "bf16": "" @@ -7038,18 +7038,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.64, - "fp16": "", - "fp32": 2.0, + "int8": 0.83, + "fp16": 0.89, + "fp32": "", "bf16": "" } ], @@ -7060,7 +7060,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1111.35, "fp16": "", "fp32": "", "bf16": "" @@ -7072,18 +7072,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 238.44, - "fp16": "", - "fp32": 83.92, + "int8": 0.57, + "fp16": 0.55, + "fp32": "", "bf16": "" } ], @@ -7094,7 +7094,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1643.33, "fp16": "", "fp32": "", "bf16": "" @@ -7106,18 +7106,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 94.98, - "fp16": "", - "fp32": 42.09, + "int8": 1.03, + "fp16": 1.14, + "fp32": "", "bf16": "" } ], @@ -7128,7 +7128,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 973.29, "fp16": "", "fp32": "", "bf16": "" @@ -7140,18 +7140,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 32.98, - "fp16": "", - "fp32": 12.72, + "int8": 0.73, + "fp16": 0.77, + "fp32": "", "bf16": "" } ], @@ -7162,7 +7162,7 @@ "Precisions": [ { "int4": "", - "int8": 44.89, + "int8": 1184.14, "fp16": "", "fp32": "", "bf16": "" @@ -7174,18 +7174,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.53, + "int8": "", "fp16": "", - "fp32": 0.99, + "fp32": "", "bf16": "" } ], @@ -7196,7 +7196,7 @@ "Precisions": [ { "int4": "", - "int8": 420.54, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7208,18 +7208,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 46.89, - "fp16": "", - "fp32": 24.24, + "int8": 1.97, + "fp16": 1.64, + "fp32": "", "bf16": "" } ], @@ -7230,7 +7230,7 @@ "Precisions": [ { "int4": "", - "int8": 31.81, + "int8": 481.56, "fp16": "", "fp32": "", "bf16": "" @@ -7242,18 +7242,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.48, + "int8": "", "fp16": "", - "fp32": 0.12, + "fp32": "", "bf16": "" } ], @@ -7264,7 +7264,7 @@ "Precisions": [ { "int4": "", - "int8": 2320.88, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7276,18 +7276,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 900.76, - "fp16": "", - "fp32": 334.56, + "int8": 12.69, + "fp16": 7.44, + "fp32": "", "bf16": "" } ], @@ -7298,7 +7298,7 @@ "Precisions": [ { "int4": "", - "int8": 1.88, + "int8": 91.66, "fp16": "", "fp32": "", "bf16": "" @@ -7310,18 +7310,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 160.94, + "int8": 0.56, "fp16": "", - "fp32": 41.17, + "fp32": 0.51, "bf16": "" } ], @@ -7332,7 +7332,7 @@ "Precisions": [ { "int4": "", - "int8": 10.95, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7344,9 +7344,9 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -7355,7 +7355,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 0.8, + "fp32": 0.19, "bf16": "" } ], @@ -7378,18 +7378,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 351.97, + "int8": 0.7, "fp16": "", - "fp32": 100.3, + "fp32": 0.31, "bf16": "" } ], @@ -7400,7 +7400,7 @@ "Precisions": [ { "int4": "", - "int8": 4.63, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7412,18 +7412,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.89, + "int8": 1.17, "fp16": "", - "fp32": 0.85, + "fp32": 0.65, "bf16": "" } ], @@ -7434,7 +7434,7 @@ "Precisions": [ { "int4": "", - "int8": 319.65, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7446,18 +7446,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 182.6, + "int8": 0.67, "fp16": "", - "fp32": 55.57, + "fp32": 0.33, "bf16": "" } ], @@ -7468,7 +7468,7 @@ "Precisions": [ { "int4": "", - "int8": 8.44, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7480,18 +7480,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 77.2, + "int8": "", "fp16": "", - "fp32": 28.09, + "fp32": 0.71, "bf16": "" } ], @@ -7502,7 +7502,7 @@ "Precisions": [ { "int4": "", - "int8": 19.78, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7514,18 +7514,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 48.26, - "fp16": 40.03, - "fp32": "", + "int8": 0.81, + "fp16": "", + "fp32": 0.43, "bf16": "" } ], @@ -7536,7 +7536,7 @@ "Precisions": [ { "int4": "", - "int8": 19.77, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7548,18 +7548,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.38, - "fp16": 4.11, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 0.46, "bf16": "" } ], @@ -7570,7 +7570,7 @@ "Precisions": [ { "int4": "", - "int8": 173.71, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7582,18 +7582,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "mask_rcnn_resnet50_atrous_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 69.88, - "fp16": 52.51, - "fp32": "", + "int8": 2.37, + "fp16": "", + "fp32": 1.2, "bf16": "" } ], @@ -7604,7 +7604,7 @@ "Precisions": [ { "int4": "", - "int8": 19.27, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7616,18 +7616,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.54, - "fp16": 0.53, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 0.58, "bf16": "" } ], @@ -7638,7 +7638,7 @@ "Precisions": [ { "int4": "", - "int8": 1492.51, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -7650,18 +7650,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Platform": "Intel® Atom® x7425E CPU-only", "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 791.77, - "fp16": 502.34, - "fp32": "", + "int8": 274.01, + "fp16": "", + "fp32": 168.87, "bf16": "" } ], @@ -7672,7 +7672,7 @@ "Precisions": [ { "int4": "", - "int8": 1.59, + "int8": 4.07, "fp16": "", "fp32": "", "bf16": "" @@ -7684,18 +7684,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 217.18, - "fp16": 121.8, - "fp32": "", + "int8": 133.76, + "fp16": "", + "fp32": 80.44, "bf16": "" } ], @@ -7706,7 +7706,7 @@ "Precisions": [ { "int4": "", - "int8": 4.86, + "int8": 7.82, "fp16": "", "fp32": "", "bf16": "" @@ -7718,18 +7718,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.82, - "fp16": 2.84, - "fp32": "", + "int8": 300.95, + "fp16": "", + "fp32": 133.55, "bf16": "" } ], @@ -7740,7 +7740,7 @@ "Precisions": [ { "int4": "", - "int8": 163.86, + "int8": 3.62, "fp16": "", "fp32": "", "bf16": "" @@ -7752,18 +7752,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 401.08, - "fp16": 235.24, - "fp32": "", + "int8": 534.91, + "fp16": "", + "fp32": 406.53, "bf16": "" } ], @@ -7774,7 +7774,7 @@ "Precisions": [ { "int4": "", - "int8": 2.99, + "int8": 2.01, "fp16": "", "fp32": "", "bf16": "" @@ -7786,18 +7786,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.05, - "fp16": 4.74, - "fp32": "", + "int8": 893.76, + "fp16": "", + "fp32": 462.2, "bf16": "" } ], @@ -7808,7 +7808,7 @@ "Precisions": [ { "int4": "", - "int8": 79.14, + "int8": 1.62, "fp16": "", "fp32": "", "bf16": "" @@ -7820,18 +7820,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 327.91, - "fp16": 166.92, - "fp32": "", + "int8": 826.85, + "fp16": "", + "fp32": 315.6, "bf16": "" } ], @@ -7842,7 +7842,7 @@ "Precisions": [ { "int4": "", - "int8": 2.95, + "int8": 1.9, "fp16": "", "fp32": "", "bf16": "" @@ -7854,18 +7854,18 @@ } }, { - "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 133.75, - "fp16": 82.09, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 462.14, "bf16": "" } ], @@ -7876,7 +7876,7 @@ "Precisions": [ { "int4": "", - "int8": 7.98, + "int8": 1.72, "fp16": "", "fp32": "", "bf16": "" @@ -7888,18 +7888,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 50.08, + "int8": 2989.92, "fp16": "", - "fp32": 26.89, + "fp32": 1328.99, "bf16": "" } ], @@ -7910,7 +7910,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 0.69, "fp16": "", "fp32": "", "bf16": "" @@ -7922,18 +7922,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.15, + "int8": 848.04, "fp16": "", - "fp32": 2.58, + "fp32": 626.94, "bf16": "" } ], @@ -7944,7 +7944,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.4, "fp16": "", "fp32": "", "bf16": "" @@ -7956,18 +7956,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 75.84, + "int8": 1284.93, "fp16": "", - "fp32": 49.82, + "fp32": 509.36, "bf16": "" } ], @@ -7978,7 +7978,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 0.96, "fp16": "", "fp32": "", "bf16": "" @@ -7990,18 +7990,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.7, + "int8": 975.3, "fp16": "", - "fp32": 0.31, + "fp32": 312.11, "bf16": "" } ], @@ -8012,7 +8012,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.21, "fp16": "", "fp32": "", "bf16": "" @@ -8024,18 +8024,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Platform": "Intel® Core™ i7-12700H CPU-only", "Model": "mobilenet-v2", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1068.2, + "int8": 1966.6, "fp16": "", - "fp32": 552.06, + "fp32": 958.97, "bf16": "" } ], @@ -8046,7 +8046,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 0.96, "fp16": "", "fp32": "", "bf16": "" @@ -8058,18 +8058,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 242.35, + "int8": 1039.53, "fp16": "", - "fp32": 88.82, + "fp32": 513.13, "bf16": "" } ], @@ -8080,7 +8080,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.61, "fp16": "", "fp32": "", "bf16": "" @@ -8092,18 +8092,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.97, + "int8": "", "fp16": "", - "fp32": 1.76, + "fp32": "", "bf16": "" } ], @@ -8126,18 +8126,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 479.66, + "int8": 737.89, "fp16": "", - "fp32": 192.54, + "fp32": 488.9, "bf16": "" } ], @@ -8148,7 +8148,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.44, "fp16": "", "fp32": "", "bf16": "" @@ -8160,18 +8160,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.49, + "int8": 904.6, "fp16": "", - "fp32": 2.43, + "fp32": 570.78, "bf16": "" } ], @@ -8182,7 +8182,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.56, "fp16": "", "fp32": "", "bf16": "" @@ -8194,18 +8194,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 287.86, + "int8": 4254.47, "fp16": "", - "fp32": 113.45, + "fp32": 2047.25, "bf16": "" } ], @@ -8216,7 +8216,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 0.6, "fp16": "", "fp32": "", "bf16": "" @@ -8228,18 +8228,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 129.45, + "int8": 296.47, "fp16": "", - "fp32": 58.75, + "fp32": 183.87, "bf16": "" } ], @@ -8250,7 +8250,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.81, "fp16": "", "fp32": "", "bf16": "" @@ -8262,18 +8262,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 40.42, + "int8": 1451.27, "fp16": "", - "fp32": 16.12, + "fp32": 666.39, "bf16": "" } ], @@ -8284,7 +8284,7 @@ "Precisions": [ { "int4": "", - "int8": 39.92, + "int8": 1.2, "fp16": "", "fp32": "", "bf16": "" @@ -8296,18 +8296,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.39, + "int8": 519.78, "fp16": "", - "fp32": 1.38, + "fp32": 425.23, "bf16": "" } ], @@ -8318,7 +8318,7 @@ "Precisions": [ { "int4": "", - "int8": 382.26, + "int8": 2.07, "fp16": "", "fp32": "", "bf16": "" @@ -8330,18 +8330,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 56.95, + "int8": 5407.63, "fp16": "", - "fp32": 36.36, + "fp32": 1924.43, "bf16": "" } ], @@ -8352,7 +8352,7 @@ "Precisions": [ { "int4": "", - "int8": 28.53, + "int8": 1.51, "fp16": "", "fp32": "", "bf16": "" @@ -8364,18 +8364,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.58, + "int8": 15016.47, "fp16": "", - "fp32": 0.16, + "fp32": 4645.46, "bf16": "" } ], @@ -8386,7 +8386,7 @@ "Precisions": [ { "int4": "", - "int8": 2050.89, + "int8": 0.94, "fp16": "", "fp32": "", "bf16": "" @@ -8398,18 +8398,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 962.54, + "int8": 22842.63, "fp16": "", - "fp32": 469.49, + "fp32": 7144.4, "bf16": "" } ], @@ -8420,7 +8420,7 @@ "Precisions": [ { "int4": "", - "int8": 1.71, + "int8": 0.58, "fp16": "", "fp32": "", "bf16": "" @@ -8432,19 +8432,19 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 187.24, + "int8": 38642.1, "fp16": "", - "fp32": 54.08, - "bf16": "" + "fp32": 10319.56, + "bf16": 25708.49 } ], "Unit": "FPS", @@ -8454,10 +8454,10 @@ "Precisions": [ { "int4": "", - "int8": 9.42, + "int8": 0.64, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 0.65 } ], "Unit": "ms", @@ -8466,18 +8466,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 39913.42, "fp16": "", - "fp32": 0.93, + "fp32": 15945.06, "bf16": "" } ], @@ -8491,7 +8491,7 @@ "int8": "", "fp16": "", "fp32": "", - "bf16": "" + "bf16": 0.75 } ], "Unit": "ms", @@ -8500,18 +8500,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 388.55, + "int8": 10312.71, "fp16": "", - "fp32": 137.54, + "fp32": 3331.01, "bf16": "" } ], @@ -8522,7 +8522,7 @@ "Precisions": [ { "int4": "", - "int8": 4.08, + "int8": 1.24, "fp16": "", "fp32": "", "bf16": "" @@ -8534,18 +8534,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4.66, + "int8": 11955.69, "fp16": "", - "fp32": 0.84, + "fp32": 3563.39, "bf16": "" } ], @@ -8556,7 +8556,7 @@ "Precisions": [ { "int4": "", - "int8": 308.83, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -8568,18 +8568,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 211.93, + "int8": 1984.45, "fp16": "", - "fp32": 69.29, + "fp32": 814.84, "bf16": "" } ], @@ -8590,7 +8590,7 @@ "Precisions": [ { "int4": "", - "int8": 7.77, + "int8": 1.35, "fp16": "", "fp32": "", "bf16": "" @@ -8602,18 +8602,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 92.71, + "int8": 1516.8, "fp16": "", - "fp32": 36.74, + "fp32": 588.51, "bf16": "" } ], @@ -8624,7 +8624,7 @@ "Precisions": [ { "int4": "", - "int8": 18.06, + "int8": 1.61, "fp16": "", "fp32": "", "bf16": "" @@ -8636,18 +8636,18 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 48.14, - "fp16": 40.18, - "fp32": "", + "int8": 1651.84, + "fp16": "", + "fp32": 775.78, "bf16": "" } ], @@ -8658,7 +8658,7 @@ "Precisions": [ { "int4": "", - "int8": 17.95, + "int8": 1.02, "fp16": "", "fp32": "", "bf16": "" @@ -8670,17 +8670,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.29, - "fp16": 4.3, + "int8": 2423.58, + "fp16": 2444.62, "fp32": "", "bf16": "" } @@ -8692,7 +8692,7 @@ "Precisions": [ { "int4": "", - "int8": 137.43, + "int8": 0.64, "fp16": "", "fp32": "", "bf16": "" @@ -8704,17 +8704,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 82.42, - "fp16": 61.15, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -8726,7 +8726,7 @@ "Precisions": [ { "int4": "", - "int8": 14.52, + "int8": 0.99, "fp16": "", "fp32": "", "bf16": "" @@ -8738,17 +8738,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.55, - "fp16": 0.59, + "int8": 1862.03, + "fp16": 1564.35, "fp32": "", "bf16": "" } @@ -8760,7 +8760,7 @@ "Precisions": [ { "int4": "", - "int8": 1464.69, + "int8": 0.78, "fp16": "", "fp32": "", "bf16": "" @@ -8772,17 +8772,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", "Model": "mobilenet-v2", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 811.57, - "fp16": 542.42, + "int8": 1956.69, + "fp16": 1343.46, "fp32": "", "bf16": "" } @@ -8794,7 +8794,7 @@ "Precisions": [ { "int4": "", - "int8": 1.44, + "int8": 0.82, "fp16": "", "fp32": "", "bf16": "" @@ -8806,17 +8806,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 229.04, - "fp16": 128.78, + "int8": 1999.97, + "fp16": 1359.27, "fp32": "", "bf16": "" } @@ -8828,7 +8828,7 @@ "Precisions": [ { "int4": "", - "int8": 4.2, + "int8": 0.74, "fp16": "", "fp32": "", "bf16": "" @@ -8840,17 +8840,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.05, - "fp16": 2.96, + "int8": 3751.95, + "fp16": 2877.38, "fp32": "", "bf16": "" } @@ -8862,7 +8862,7 @@ "Precisions": [ { "int4": "", - "int8": 143.23, + "int8": 0.4, "fp16": "", "fp32": "", "bf16": "" @@ -8874,17 +8874,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 412.4, - "fp16": 244.34, + "int8": 415.36, + "fp16": 324.74, "fp32": "", "bf16": "" } @@ -8896,7 +8896,7 @@ "Precisions": [ { "int4": "", - "int8": 2.71, + "int8": 3.52, "fp16": "", "fp32": "", "bf16": "" @@ -8908,17 +8908,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.0, - "fp16": 4.8, + "int8": 188.4, + "fp16": 223.08, "fp32": "", "bf16": "" } @@ -8930,7 +8930,7 @@ "Precisions": [ { "int4": "", - "int8": 82.06, + "int8": 7.66, "fp16": "", "fp32": "", "bf16": "" @@ -8942,17 +8942,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 324.18, - "fp16": 168.85, + "int8": 673.52, + "fp16": 505.05, "fp32": "", "bf16": "" } @@ -8964,7 +8964,7 @@ "Precisions": [ { "int4": "", - "int8": 2.88, + "int8": 2.74, "fp16": "", "fp32": "", "bf16": "" @@ -8976,17 +8976,17 @@ } }, { - "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 135.98, - "fp16": 84.06, + "int8": 779.69, + "fp16": 496.63, "fp32": "", "bf16": "" } @@ -8998,7 +8998,7 @@ "Precisions": [ { "int4": "", - "int8": 6.88, + "int8": 1.63, "fp16": "", "fp32": "", "bf16": "" @@ -9010,18 +9010,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 119.86, + "int8": "", "fp16": "", - "fp32": 47.19, + "fp32": "", "bf16": "" } ], @@ -9032,7 +9032,7 @@ "Precisions": [ { "int4": "", - "int8": 13.16, + "int8": 1.46, "fp16": "", "fp32": "", "bf16": "" @@ -9044,18 +9044,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.28, - "fp16": "", - "fp32": 3.91, + "int8": "", + "fp16": 574.04, + "fp32": "", "bf16": "" } ], @@ -9066,7 +9066,7 @@ "Precisions": [ { "int4": "", - "int8": 128.91, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9078,18 +9078,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 152.58, - "fp16": "", - "fp32": 93.16, + "int8": 630.96, + "fp16": 442.65, + "fp32": "", "bf16": "" } ], @@ -9100,7 +9100,7 @@ "Precisions": [ { "int4": "", - "int8": 9.12, + "int8": 1.74, "fp16": "", "fp32": "", "bf16": "" @@ -9112,18 +9112,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.71, - "fp16": "", - "fp32": 0.5, + "int8": 1281.44, + "fp16": 911.94, + "fp32": "", "bf16": "" } ], @@ -9134,7 +9134,7 @@ "Precisions": [ { "int4": "", - "int8": 709.42, + "int8": 1.08, "fp16": "", "fp32": "", "bf16": "" @@ -9146,18 +9146,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", "Model": "mobilenet-v2", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2994.84, - "fp16": "", - "fp32": 1327.68, + "int8": 890.07, + "fp16": 624.4, + "fp32": "", "bf16": "" } ], @@ -9168,7 +9168,7 @@ "Precisions": [ { "int4": "", - "int8": 0.69, + "int8": 1.41, "fp16": "", "fp32": "", "bf16": "" @@ -9180,18 +9180,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 544.19, + "int8": "", "fp16": "", - "fp32": 150.23, + "fp32": "", "bf16": "" } ], @@ -9202,7 +9202,7 @@ "Precisions": [ { "int4": "", - "int8": 2.84, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9214,18 +9214,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 2.5, + "int8": 339.71, + "fp16": 267.18, + "fp32": "", "bf16": "" } ], @@ -9236,7 +9236,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.83, "fp16": "", "fp32": "", "bf16": "" @@ -9248,18 +9248,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1092.37, - "fp16": "", - "fp32": 389.37, + "int8": 1298.67, + "fp16": 1337.24, + "fp32": "", "bf16": "" } ], @@ -9270,7 +9270,7 @@ "Precisions": [ { "int4": "", - "int8": 1.32, + "int8": 0.78, "fp16": "", "fp32": "", "bf16": "" @@ -9282,18 +9282,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 12.64, - "fp16": "", - "fp32": 3.3, + "int8": 1422.4, + "fp16": 1361.15, + "fp32": "", "bf16": "" } ], @@ -9304,7 +9304,7 @@ "Precisions": [ { "int4": "", - "int8": 93.33, + "int8": 1.27, "fp16": "", "fp32": "", "bf16": "" @@ -9316,18 +9316,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 638.85, - "fp16": "", - "fp32": 199.4, + "int8": 1200.66, + "fp16": 1554.15, + "fp32": "", "bf16": "" } ], @@ -9338,7 +9338,7 @@ "Precisions": [ { "int4": "", - "int8": 2.38, + "int8": 1.23, "fp16": "", "fp32": "", "bf16": "" @@ -9350,18 +9350,18 @@ } }, { - "Platform": "Intel® Core™ i5-13600K CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 271.84, + "int8": 478.43, "fp16": "", - "fp32": 103.25, + "fp32": 307.02, "bf16": "" } ], @@ -9372,7 +9372,7 @@ "Precisions": [ { "int4": "", - "int8": 5.18, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9384,18 +9384,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 33.09, + "int8": 228.63, "fp16": "", - "fp32": 22.84, + "fp32": 220.31, "bf16": "" } ], @@ -9406,7 +9406,7 @@ "Precisions": [ { "int4": "", - "int8": 31.58, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9418,18 +9418,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.0, + "int8": 524.29, "fp16": "", - "fp32": 1.91, + "fp32": 394.1, "bf16": "" } ], @@ -9440,7 +9440,7 @@ "Precisions": [ { "int4": "", - "int8": 330.05, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9452,18 +9452,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 59.52, + "int8": "", "fp16": "", - "fp32": 42.47, + "fp32": 350.27, "bf16": "" } ], @@ -9474,7 +9474,7 @@ "Precisions": [ { "int4": "", - "int8": 17.57, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9486,18 +9486,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.48, + "int8": 1049.71, "fp16": "", - "fp32": 0.22, + "fp32": 538.46, "bf16": "" } ], @@ -9508,7 +9508,7 @@ "Precisions": [ { "int4": "", - "int8": 2054.55, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9520,18 +9520,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", "Model": "mobilenet-v2", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 849.65, + "int8": "", "fp16": "", - "fp32": 626.67, + "fp32": 680.55, "bf16": "" } ], @@ -9542,7 +9542,7 @@ "Precisions": [ { "int4": "", - "int8": 1.39, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9554,18 +9554,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 150.12, + "int8": "", "fp16": "", - "fp32": 76.35, + "fp32": 347.8, "bf16": "" } ], @@ -9576,7 +9576,7 @@ "Precisions": [ { "int4": "", - "int8": 7.12, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9588,18 +9588,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2306.0, "fp16": "", - "fp32": 1.35, + "fp32": 1096.89, "bf16": "" } ], @@ -9622,18 +9622,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 336.17, + "int8": 1219.99, "fp16": "", - "fp32": 183.19, + "fp32": 644.18, "bf16": "" } ], @@ -9644,7 +9644,7 @@ "Precisions": [ { "int4": "", - "int8": 3.13, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9656,18 +9656,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.92, + "int8": 1610.28, "fp16": "", - "fp32": 2.11, + "fp32": 845.71, "bf16": "" } ], @@ -9678,7 +9678,7 @@ "Precisions": [ { "int4": "", - "int8": 264.7, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9690,18 +9690,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", - "Parameters": { - "throughput": { + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { "Precisions": [ { "int4": "", - "int8": 172.37, + "int8": 484.88, "fp16": "", - "fp32": 90.91, + "fp32": 280.8, "bf16": "" } ], @@ -9712,7 +9712,7 @@ "Precisions": [ { "int4": "", - "int8": 6.09, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9724,18 +9724,18 @@ } }, { - "Platform": "Intel® Core™ i5-8500 CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 83.81, + "int8": 4622.78, "fp16": "", - "fp32": 48.64, + "fp32": 2338.78, "bf16": "" } ], @@ -9746,7 +9746,7 @@ "Precisions": [ { "int4": "", - "int8": 11.99, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -9758,18 +9758,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "mobilenet-v2", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 87.75, + "int8": "", "fp16": "", - "fp32": 52.2, + "fp32": 1684.08, "bf16": "" } ], @@ -9792,18 +9792,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 9.61, + "int8": 45.28, "fp16": "", - "fp32": 5.54, + "fp32": 18.84, "bf16": "" } ], @@ -9814,7 +9814,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 23.81, "fp16": "", "fp32": "", "bf16": "" @@ -9826,18 +9826,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 104.42, + "int8": 19.87, "fp16": "", - "fp32": 66.46, + "fp32": 8.15, "bf16": "" } ], @@ -9848,7 +9848,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 51.41, "fp16": "", "fp32": "", "bf16": "" @@ -9860,18 +9860,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.18, + "int8": 51.65, "fp16": "", - "fp32": 0.66, + "fp32": 14.46, "bf16": "" } ], @@ -9882,7 +9882,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 19.81, "fp16": "", "fp32": "", "bf16": "" @@ -9894,18 +9894,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1407.44, + "int8": 96.85, "fp16": "", - "fp32": 706.14, + "fp32": 50.34, "bf16": "" } ], @@ -9916,7 +9916,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 10.76, "fp16": "", "fp32": "", "bf16": "" @@ -9928,18 +9928,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Platform": "Intel® Core™ i5-10500TE CPU-only", "Model": "resnet-50", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 377.68, + "int8": 144.67, "fp16": "", - "fp32": 168.61, + "fp32": 72.98, "bf16": "" } ], @@ -9950,7 +9950,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 8.21, "fp16": "", "fp32": "", "bf16": "" @@ -9962,18 +9962,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.22, + "int8": 154.38, "fp16": "", - "fp32": 3.83, + "fp32": 40.41, "bf16": "" } ], @@ -9984,7 +9984,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 11.07, "fp16": "", "fp32": "", "bf16": "" @@ -9996,18 +9996,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 680.43, + "int8": 185.28, "fp16": "", - "fp32": 305.06, + "fp32": 53.47, "bf16": "" } ], @@ -10018,7 +10018,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 9.56, "fp16": "", "fp32": "", "bf16": "" @@ -10030,18 +10030,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 15.92, + "int8": 543.91, "fp16": "", - "fp32": 6.44, + "fp32": 151.19, "bf16": "" } ], @@ -10052,7 +10052,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.82, "fp16": "", "fp32": "", "bf16": "" @@ -10064,18 +10064,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 460.11, + "int8": 151.17, "fp16": "", - "fp32": 205.24, + "fp32": 75.67, "bf16": "" } ], @@ -10086,7 +10086,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 7.12, "fp16": "", "fp32": "", "bf16": "" @@ -10098,18 +10098,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 190.71, + "int8": 225.84, "fp16": "", - "fp32": 106.13, + "fp32": 61.28, "bf16": "" } ], @@ -10120,7 +10120,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.95, "fp16": "", "fp32": "", "bf16": "" @@ -10132,18 +10132,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 51.2, + "int8": 174.35, "fp16": "", - "fp32": 18.46, + "fp32": 45.46, "bf16": "" } ], @@ -10154,7 +10154,7 @@ "Precisions": [ { "int4": "", - "int8": 22.51, + "int8": 6.41, "fp16": "", "fp32": "", "bf16": "" @@ -10166,18 +10166,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.05, + "int8": 413.95, "fp16": "", - "fp32": 1.64, + "fp32": 107.82, "bf16": "" } ], @@ -10188,7 +10188,7 @@ "Precisions": [ { "int4": "", - "int8": 199.4, + "int8": 3.45, "fp16": "", "fp32": "", "bf16": "" @@ -10200,18 +10200,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 75.77, + "int8": 203.93, "fp16": "", - "fp32": 41.38, + "fp32": 59.04, "bf16": "" } ], @@ -10222,7 +10222,7 @@ "Precisions": [ { "int4": "", - "int8": 14.57, + "int8": 8.97, "fp16": "", "fp32": "", "bf16": "" @@ -10234,18 +10234,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.72, + "int8": 298.27, "fp16": "", - "fp32": 0.19, + "fp32": "", "bf16": "" } ], @@ -10256,7 +10256,7 @@ "Precisions": [ { "int4": "", - "int8": 1349.56, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -10268,18 +10268,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1356.45, + "int8": 122.15, "fp16": "", - "fp32": 514.42, + "fp32": 60.34, "bf16": "" } ], @@ -10290,7 +10290,7 @@ "Precisions": [ { "int4": "", - "int8": 0.95, + "int8": 7.21, "fp16": "", "fp32": "", "bf16": "" @@ -10302,18 +10302,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Platform": "Intel® Core™ i9-10900TE CPU-only", "Model": "resnet-50", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 225.03, + "int8": 152.19, "fp16": "", - "fp32": 61.51, + "fp32": 71.16, "bf16": "" } ], @@ -10324,7 +10324,7 @@ "Precisions": [ { "int4": "", - "int8": 4.94, + "int8": 7.72, "fp16": "", "fp32": "", "bf16": "" @@ -10336,18 +10336,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 766.25, "fp16": "", - "fp32": 1.01, + "fp32": 233.37, "bf16": "" } ], @@ -10358,7 +10358,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.16, "fp16": "", "fp32": "", "bf16": "" @@ -10370,18 +10370,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 516.94, + "int8": 48.79, "fp16": "", - "fp32": 149.57, + "fp32": 20.22, "bf16": "" } ], @@ -10392,7 +10392,7 @@ "Precisions": [ { "int4": "", - "int8": 2.18, + "int8": 21.9, "fp16": "", "fp32": "", "bf16": "" @@ -10404,18 +10404,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.55, + "int8": 245.58, "fp16": "", - "fp32": 1.66, + "fp32": 121.38, "bf16": "" } ], @@ -10426,7 +10426,7 @@ "Precisions": [ { "int4": "", - "int8": 154.77, + "int8": 5.17, "fp16": "", "fp32": "", "bf16": "" @@ -10438,18 +10438,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 247.12, + "int8": 92.24, "fp16": "", - "fp32": 77.37, + "fp32": 49.79, "bf16": "" } ], @@ -10460,7 +10460,7 @@ "Precisions": [ { "int4": "", - "int8": 4.23, + "int8": 11.19, "fp16": "", "fp32": "", "bf16": "" @@ -10472,18 +10472,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 111.26, + "int8": 971.95, "fp16": "", - "fp32": 40.37, + "fp32": 269.81, "bf16": "" } ], @@ -10494,7 +10494,7 @@ "Precisions": [ { "int4": "", - "int8": 10.16, + "int8": 3.12, "fp16": "", "fp32": "", "bf16": "" @@ -10506,18 +10506,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 68.19, - "fp16": 53.99, - "fp32": "", + "int8": 2968.31, + "fp16": "", + "fp32": 754.35, "bf16": "" } ], @@ -10528,7 +10528,7 @@ "Precisions": [ { "int4": "", - "int8": 16.35, + "int8": 1.61, "fp16": "", "fp32": "", "bf16": "" @@ -10540,18 +10540,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.87, - "fp16": 6.55, - "fp32": "", + "int8": 4948.09, + "fp16": "", + "fp32": 1155.67, "bf16": "" } ], @@ -10562,7 +10562,7 @@ "Precisions": [ { "int4": "", - "int8": 106.01, + "int8": 1.06, "fp16": "", "fp32": "", "bf16": "" @@ -10574,19 +10574,19 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 93.8, - "fp16": 73.29, - "fp32": "", - "bf16": "" + "int8": 19506.31, + "fp16": "", + "fp32": 1609.79, + "bf16": 7600.31 } ], "Unit": "FPS", @@ -10596,10 +10596,10 @@ "Precisions": [ { "int4": "", - "int8": 17.07, + "int8": 0.99, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 1.24 } ], "Unit": "ms", @@ -10608,19 +10608,19 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.83, - "fp16": 0.9, - "fp32": "", - "bf16": "" + "int8": 21749.45, + "fp16": "", + "fp32": 2011.71, + "bf16": 13645.99 } ], "Unit": "FPS", @@ -10630,10 +10630,10 @@ "Precisions": [ { "int4": "", - "int8": 1120.72, + "int8": 0.98, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 1.33 } ], "Unit": "ms", @@ -10642,18 +10642,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 783.89, - "fp16": 587.88, - "fp32": "", + "int8": 2122.71, + "fp16": "", + "fp32": 565.52, "bf16": "" } ], @@ -10664,7 +10664,7 @@ "Precisions": [ { "int4": "", - "int8": 1.91, + "int8": 1.88, "fp16": "", "fp32": "", "bf16": "" @@ -10676,18 +10676,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 280.59, - "fp16": 182.59, - "fp32": "", + "int8": 2249.41, + "fp16": "", + "fp32": 563.79, "bf16": "" } ], @@ -10698,7 +10698,7 @@ "Precisions": [ { "int4": "", - "int8": 4.54, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -10710,18 +10710,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.3, - "fp16": 4.69, - "fp32": "", + "int8": 392.72, + "fp16": "", + "fp32": 95.29, "bf16": "" } ], @@ -10732,7 +10732,7 @@ "Precisions": [ { "int4": "", - "int8": 116.67, + "int8": 6.4, "fp16": "", "fp32": "", "bf16": "" @@ -10744,18 +10744,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 482.46, - "fp16": 311.99, - "fp32": "", + "int8": 290.74, + "fp16": "", + "fp32": 70.82, "bf16": "" } ], @@ -10766,7 +10766,7 @@ "Precisions": [ { "int4": "", - "int8": 3.19, + "int8": 7.55, "fp16": "", "fp32": "", "bf16": "" @@ -10778,18 +10778,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 14.79, - "fp16": 7.69, - "fp32": "", + "int8": 318.23, + "fp16": "", + "fp32": 86.35, "bf16": "" } ], @@ -10800,7 +10800,7 @@ "Precisions": [ { "int4": "", - "int8": 63.56, + "int8": 4.59, "fp16": "", "fp32": "", "bf16": "" @@ -10812,17 +10812,17 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 428.87, - "fp16": 250.36, + "int8": 2318.55, + "fp16": 1375.72, "fp32": "", "bf16": "" } @@ -10834,7 +10834,7 @@ "Precisions": [ { "int4": "", - "int8": 2.92, + "int8": 0.87, "fp16": "", "fp32": "", "bf16": "" @@ -10846,17 +10846,17 @@ } }, { - "Platform": "Intel® Core™ i7-1185G7 iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", - "Parameters": { - "throughput": { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { "Precisions": [ { "int4": "", - "int8": 168.28, - "fp16": 115.07, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -10868,7 +10868,7 @@ "Precisions": [ { "int4": "", - "int8": 7.55, + "int8": 1.42, "fp16": "", "fp32": "", "bf16": "" @@ -10880,18 +10880,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 49.86, - "fp16": "", - "fp32": 26.12, + "int8": 854.09, + "fp16": 539.78, + "fp32": "", "bf16": "" } ], @@ -10902,7 +10902,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.4, "fp16": "", "fp32": "", "bf16": "" @@ -10914,18 +10914,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.15, - "fp16": "", - "fp32": 2.68, + "int8": 768.87, + "fp16": 382.94, + "fp32": "", "bf16": "" } ], @@ -10936,7 +10936,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.57, "fp16": "", "fp32": "", "bf16": "" @@ -10948,18 +10948,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 57.89, - "fp16": "", - "fp32": 28.17, + "int8": 772.54, + "fp16": 383.99, + "fp32": "", "bf16": "" } ], @@ -10970,7 +10970,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.54, "fp16": "", "fp32": "", "bf16": "" @@ -10982,18 +10982,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.7, - "fp16": "", - "fp32": 0.33, + "int8": 2022.98, + "fp16": 975.93, + "fp32": "", "bf16": "" } ], @@ -11004,7 +11004,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 0.75, "fp16": "", "fp32": "", "bf16": "" @@ -11016,18 +11016,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 963.77, - "fp16": "", - "fp32": 348.67, + "int8": 106.37, + "fp16": 64.66, + "fp32": "", "bf16": "" } ], @@ -11038,7 +11038,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 10.57, "fp16": "", "fp32": "", "bf16": "" @@ -11050,18 +11050,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Platform": "Intel® Atom® X6425E iGPU-only", "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 230.76, - "fp16": "", - "fp32": 85.68, + "int8": 48.1, + "fp16": 51.69, + "fp32": "", "bf16": "" } ], @@ -11072,7 +11072,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 23.01, "fp16": "", "fp32": "", "bf16": "" @@ -11084,18 +11084,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.6, - "fp16": "", - "fp32": 1.76, + "int8": 203.75, + "fp16": 118.64, + "fp32": "", "bf16": "" } ], @@ -11106,7 +11106,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 6.33, "fp16": "", "fp32": "", "bf16": "" @@ -11118,18 +11118,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 448.31, - "fp16": "", - "fp32": 164.3, + "int8": 213.35, + "fp16": 119.51, + "fp32": "", "bf16": "" } ], @@ -11140,7 +11140,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.89, "fp16": "", "fp32": "", "bf16": "" @@ -11152,18 +11152,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.89, - "fp16": "", - "fp32": 2.92, + "int8": 225.63, + "fp16": 128.49, + "fp32": "", "bf16": "" } ], @@ -11174,7 +11174,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.26, "fp16": "", "fp32": "", "bf16": "" @@ -11186,18 +11186,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 263.65, - "fp16": "", - "fp32": 108.88, + "int8": "", + "fp16": 174.47, + "fp32": "", "bf16": "" } ], @@ -11220,18 +11220,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 103.93, - "fp16": "", - "fp32": 53.38, + "int8": 203.92, + "fp16": 125.66, + "fp32": "", "bf16": "" } ], @@ -11242,7 +11242,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 5.53, "fp16": "", "fp32": "", "bf16": "" @@ -11254,18 +11254,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 38.24, - "fp16": "", - "fp32": 13.64, + "int8": 387.63, + "fp16": 228.73, + "fp32": "", "bf16": "" } ], @@ -11276,7 +11276,7 @@ "Precisions": [ { "int4": "", - "int8": 28.47, + "int8": 3.23, "fp16": "", "fp32": "", "bf16": "" @@ -11288,18 +11288,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.67, - "fp16": "", - "fp32": 1.2, + "int8": 278.1, + "fp16": 165.78, + "fp32": "", "bf16": "" } ], @@ -11310,7 +11310,7 @@ "Precisions": [ { "int4": "", - "int8": 267.33, + "int8": 3.86, "fp16": "", "fp32": "", "bf16": "" @@ -11322,18 +11322,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 52.85, + "int8": "", "fp16": "", - "fp32": 21.76, + "fp32": "", "bf16": "" } ], @@ -11344,7 +11344,7 @@ "Precisions": [ { "int4": "", - "int8": 20.2, + "int8": 3.5, "fp16": "", "fp32": "", "bf16": "" @@ -11356,18 +11356,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.52, - "fp16": "", - "fp32": 0.13, + "int8": 81.72, + "fp16": 49.75, + "fp32": "", "bf16": "" } ], @@ -11378,7 +11378,7 @@ "Precisions": [ { "int4": "", - "int8": 1782.48, + "int8": 13.15, "fp16": "", "fp32": "", "bf16": "" @@ -11390,18 +11390,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 966.53, - "fp16": "", - "fp32": 308.92, + "int8": 556.79, + "fp16": 393.72, + "fp32": "", "bf16": "" } ], @@ -11412,7 +11412,7 @@ "Precisions": [ { "int4": "", - "int8": 1.21, + "int8": 1.7, "fp16": "", "fp32": "", "bf16": "" @@ -11424,18 +11424,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", "Model": "resnet-50", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 174.34, - "fp16": "", - "fp32": 45.22, + "int8": 568.08, + "fp16": 375.74, + "fp32": "", "bf16": "" } ], @@ -11446,7 +11446,7 @@ "Precisions": [ { "int4": "", - "int8": 6.4, + "int8": 2.26, "fp16": "", "fp32": "", "bf16": "" @@ -11458,18 +11458,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 0.71, + "int8": 1167.79, + "fp16": 621.08, + "fp32": "", "bf16": "" } ], @@ -11480,7 +11480,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.49, "fp16": "", "fp32": "", "bf16": "" @@ -11492,18 +11492,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 387.33, + "int8": 129.36, "fp16": "", - "fp32": 101.02, + "fp32": 55.58, "bf16": "" } ], @@ -11514,7 +11514,7 @@ "Precisions": [ { "int4": "", - "int8": 2.81, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11526,18 +11526,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4.95, + "int8": 59.45, "fp16": "", - "fp32": 1.24, + "fp32": 54.27, "bf16": "" } ], @@ -11548,7 +11548,7 @@ "Precisions": [ { "int4": "", - "int8": 201.29, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11560,18 +11560,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 184.43, + "int8": 196.98, "fp16": "", - "fp32": 55.69, + "fp32": 115.77, "bf16": "" } ], @@ -11582,7 +11582,7 @@ "Precisions": [ { "int4": "", - "int8": 5.58, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11594,18 +11594,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 76.79, + "int8": "", "fp16": "", - "fp32": 27.65, + "fp32": 53.71, "bf16": "" } ], @@ -11616,7 +11616,7 @@ "Precisions": [ { "int4": "", - "int8": 13.28, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11628,18 +11628,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 47.85, - "fp16": 41.69, - "fp32": "", + "int8": 235.76, + "fp16": "", + "fp32": 88.15, "bf16": "" } ], @@ -11650,7 +11650,7 @@ "Precisions": [ { "int4": "", - "int8": 21.84, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11662,18 +11662,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.35, - "fp16": 4.47, - "fp32": "", + "int8": 368.58, + "fp16": "", + "fp32": 166.93, "bf16": "" } ], @@ -11684,7 +11684,7 @@ "Precisions": [ { "int4": "", - "int8": 179.04, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11696,18 +11696,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 55.84, - "fp16": 41.66, - "fp32": "", + "int8": 224.44, + "fp16": "", + "fp32": 81.26, "bf16": "" } ], @@ -11718,7 +11718,7 @@ "Precisions": [ { "int4": "", - "int8": 24.48, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11730,17 +11730,17 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.55, - "fp16": 0.58, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -11752,7 +11752,7 @@ "Precisions": [ { "int4": "", - "int8": 1662.16, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11764,18 +11764,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 607.18, - "fp16": 429.6, - "fp32": "", + "int8": 285.59, + "fp16": "", + "fp32": 110.56, "bf16": "" } ], @@ -11786,7 +11786,7 @@ "Precisions": [ { "int4": "", - "int8": 1.7, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11798,18 +11798,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", "Model": "resnet-50", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 207.16, - "fp16": 119.53, - "fp32": "", + "int8": 433.32, + "fp16": "", + "fp32": 147.73, "bf16": "" } ], @@ -11820,7 +11820,7 @@ "Precisions": [ { "int4": "", - "int8": 5.5, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11832,18 +11832,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.52, - "fp16": 2.99, - "fp32": "", + "int8": 112.49, + "fp16": "", + "fp32": 42.68, "bf16": "" } ], @@ -11854,7 +11854,7 @@ "Precisions": [ { "int4": "", - "int8": 172.91, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11866,18 +11866,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 353.15, - "fp16": 223.66, - "fp32": "", + "int8": 1107.14, + "fp16": "", + "fp32": 471.86, "bf16": "" } ], @@ -11888,7 +11888,7 @@ "Precisions": [ { "int4": "", - "int8": 3.33, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11900,18 +11900,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "resnet-50", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.08, - "fp16": 5.18, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 257.94, "bf16": "" } ], @@ -11922,7 +11922,7 @@ "Precisions": [ { "int4": "", - "int8": 93.7, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -11934,18 +11934,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 307.99, - "fp16": 169.63, - "fp32": "", + "int8": 0.76, + "fp16": "", + "fp32": 0.31, "bf16": "" } ], @@ -11956,7 +11956,7 @@ "Precisions": [ { "int4": "", - "int8": 3.36, + "int8": 1318.07, "fp16": "", "fp32": "", "bf16": "" @@ -11968,18 +11968,18 @@ } }, { - "Platform": "Intel® Core™ i7-1185GRE iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 117.48, - "fp16": 78.18, - "fp32": "", + "int8": 0.33, + "fp16": "", + "fp32": 0.13, "bf16": "" } ], @@ -11990,7 +11990,7 @@ "Precisions": [ { "int4": "", - "int8": 9.63, + "int8": 2998.35, "fp16": "", "fp32": "", "bf16": "" @@ -12002,18 +12002,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 85.3, + "int8": 0.89, "fp16": "", - "fp32": 33.64, + "fp32": 0.23, "bf16": "" } ], @@ -12024,7 +12024,7 @@ "Precisions": [ { "int4": "", - "int8": 16.56, + "int8": 1117.77, "fp16": "", "fp32": "", "bf16": "" @@ -12036,18 +12036,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.59, + "int8": 1.67, "fp16": "", - "fp32": 2.83, + "fp32": 0.89, "bf16": "" } ], @@ -12058,7 +12058,7 @@ "Precisions": [ { "int4": "", - "int8": 171.55, + "int8": 598.98, "fp16": "", "fp32": "", "bf16": "" @@ -12070,18 +12070,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 112.34, + "int8": 2.42, "fp16": "", - "fp32": 61.11, + "fp32": 1.29, "bf16": "" } ], @@ -12092,7 +12092,7 @@ "Precisions": [ { "int4": "", - "int8": 11.55, + "int8": 428.32, "fp16": "", "fp32": "", "bf16": "" @@ -12104,18 +12104,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.24, + "int8": 2.76, "fp16": "", - "fp32": 0.35, + "fp32": 0.79, "bf16": "" } ], @@ -12126,7 +12126,7 @@ "Precisions": [ { "int4": "", - "int8": 936.3, + "int8": 494.95, "fp16": "", "fp32": "", "bf16": "" @@ -12138,18 +12138,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1968.65, + "int8": 3.17, "fp16": "", - "fp32": 955.03, + "fp32": 0.92, "bf16": "" } ], @@ -12160,7 +12160,7 @@ "Precisions": [ { "int4": "", - "int8": 0.94, + "int8": 463.7, "fp16": "", "fp32": "", "bf16": "" @@ -12172,18 +12172,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 416.36, + "int8": 8.97, "fp16": "", - "fp32": 107.68, + "fp32": 2.5, "bf16": "" } ], @@ -12194,7 +12194,7 @@ "Precisions": [ { "int4": "", - "int8": 3.45, + "int8": 128.87, "fp16": "", "fp32": "", "bf16": "" @@ -12206,18 +12206,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", + "Platform": "Intel® Core™ i5-8500 CPU-only", "Model": "ssd-resnet34-1200", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.61, "fp16": "", - "fp32": 1.89, + "fp32": 1.34, "bf16": "" } ], @@ -12228,7 +12228,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 399.72, "fp16": "", "fp32": "", "bf16": "" @@ -12240,18 +12240,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 819.61, + "int8": 3.96, "fp16": "", - "fp32": 286.69, + "fp32": 1.02, "bf16": "" } ], @@ -12262,7 +12262,7 @@ "Precisions": [ { "int4": "", - "int8": 1.69, + "int8": 250.0, "fp16": "", "fp32": "", "bf16": "" @@ -12274,18 +12274,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 9.61, + "int8": "", "fp16": "", - "fp32": 2.4, + "fp32": "", "bf16": "" } ], @@ -12296,7 +12296,7 @@ "Precisions": [ { "int4": "", - "int8": 121.86, + "int8": 321.18, "fp16": "", "fp32": "", "bf16": "" @@ -12309,17 +12309,17 @@ }, { "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 479.88, + "int8": 6.82, "fp16": "", - "fp32": 140.14, + "fp32": 1.9, "bf16": "" } ], @@ -12330,7 +12330,7 @@ "Precisions": [ { "int4": "", - "int8": 2.95, + "int8": 169.83, "fp16": "", "fp32": "", "bf16": "" @@ -12342,18 +12342,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 194.08, + "int8": 3.5, "fp16": "", - "fp32": 76.35, + "fp32": 1.02, "bf16": "" } ], @@ -12364,7 +12364,7 @@ "Precisions": [ { "int4": "", - "int8": 6.51, + "int8": 436.59, "fp16": "", "fp32": "", "bf16": "" @@ -12376,17 +12376,17 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 88.93, - "fp16": 69.66, + "int8": 5.14, + "fp16": "", "fp32": "", "bf16": "" } @@ -12398,7 +12398,7 @@ "Precisions": [ { "int4": "", - "int8": 12.88, + "int8": 247.47, "fp16": "", "fp32": "", "bf16": "" @@ -12410,18 +12410,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 11.64, - "fp16": 8.35, - "fp32": "", + "int8": 2.0, + "fp16": "", + "fp32": 1.06, "bf16": "" } ], @@ -12432,7 +12432,7 @@ "Precisions": [ { "int4": "", - "int8": 87.57, + "int8": 374.78, "fp16": "", "fp32": "", "bf16": "" @@ -12444,18 +12444,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 127.94, - "fp16": 97.66, - "fp32": "", + "int8": 2.57, + "fp16": "", + "fp32": 1.28, "bf16": "" } ], @@ -12466,7 +12466,7 @@ "Precisions": [ { "int4": "", - "int8": 12.7, + "int8": 413.46, "fp16": "", "fp32": "", "bf16": "" @@ -12478,18 +12478,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.03, - "fp16": 1.14, - "fp32": "", + "int8": 12.97, + "fp16": "", + "fp32": 3.83, "bf16": "" } ], @@ -12500,7 +12500,7 @@ "Precisions": [ { "int4": "", - "int8": 972.95, + "int8": 101.21, "fp16": "", "fp32": "", "bf16": "" @@ -12512,18 +12512,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1275.12, - "fp16": 910.23, - "fp32": "", + "int8": 0.82, + "fp16": "", + "fp32": 0.32, "bf16": "" } ], @@ -12534,7 +12534,7 @@ "Precisions": [ { "int4": "", - "int8": 1.09, + "int8": 1223.85, "fp16": "", "fp32": "", "bf16": "" @@ -12546,18 +12546,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 386.47, - "fp16": 228.04, - "fp32": "", + "int8": 4.34, + "fp16": "", + "fp32": 2.29, "bf16": "" } ], @@ -12568,7 +12568,7 @@ "Precisions": [ { "int4": "", - "int8": 3.24, + "int8": 239.97, "fp16": "", "fp32": "", "bf16": "" @@ -12580,18 +12580,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Platform": "Intel® Xeon® E-2124G CPU-only", "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.44, - "fp16": 6.09, - "fp32": "", + "int8": 1.59, + "fp16": "", + "fp32": 0.85, "bf16": "" } ], @@ -12602,7 +12602,7 @@ "Precisions": [ { "int4": "", - "int8": 100.09, + "int8": 628.98, "fp16": "", "fp32": "", "bf16": "" @@ -12614,18 +12614,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 739.14, - "fp16": 415.33, - "fp32": "", + "int8": 17.67, + "fp16": "", + "fp32": 4.59, "bf16": "" } ], @@ -12636,7 +12636,7 @@ "Precisions": [ { "int4": "", - "int8": 1.86, + "int8": 115.61, "fp16": "", "fp32": "", "bf16": "" @@ -12648,18 +12648,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 18.34, - "fp16": 9.7, - "fp32": "", + "int8": 58.24, + "fp16": "", + "fp32": 15.05, "bf16": "" } ], @@ -12670,7 +12670,7 @@ "Precisions": [ { "int4": "", - "int8": 54.73, + "int8": 36.32, "fp16": "", "fp32": "", "bf16": "" @@ -12682,18 +12682,18 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 591.82, - "fp16": 319.3, - "fp32": "", + "int8": 85.63, + "fp16": "", + "fp32": 21.01, "bf16": "" } ], @@ -12704,7 +12704,7 @@ "Precisions": [ { "int4": "", - "int8": 1.97, + "int8": 25.38, "fp16": "", "fp32": "", "bf16": "" @@ -12716,19 +12716,19 @@ } }, { - "Platform": "Intel® Core™ i7-12700H iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 218.11, - "fp16": 148.84, - "fp32": "", - "bf16": "" + "int8": 438.33, + "fp16": "", + "fp32": 30.86, + "bf16": 213.33 } ], "Unit": "FPS", @@ -12738,10 +12738,10 @@ "Precisions": [ { "int4": "", - "int8": 5.54, + "int8": 7.94, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 13.88 } ], "Unit": "ms", @@ -12750,19 +12750,19 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 62.94, + "int8": 512.76, "fp16": "", - "fp32": 33.05, - "bf16": "" + "fp32": 35.43, + "bf16": 276.38 } ], "Unit": "FPS", @@ -12772,10 +12772,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 7.12, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 11.56 } ], "Unit": "ms", @@ -12784,18 +12784,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.62, + "int8": 41.98, "fp16": "", - "fp32": 3.23, + "fp32": 10.9, "bf16": "" } ], @@ -12806,7 +12806,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 48.76, "fp16": "", "fp32": "", "bf16": "" @@ -12818,18 +12818,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 89.9, + "int8": 42.23, "fp16": "", - "fp32": 60.09, + "fp32": 10.5, "bf16": "" } ], @@ -12840,7 +12840,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 49.04, "fp16": "", "fp32": "", "bf16": "" @@ -12852,18 +12852,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.88, + "int8": 6.45, "fp16": "", - "fp32": 0.45, + "fp32": 1.66, "bf16": "" } ], @@ -12874,7 +12874,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 208.68, "fp16": "", "fp32": "", "bf16": "" @@ -12886,18 +12886,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", - "Parameters": { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1230.71, + "int8": 4.88, "fp16": "", - "fp32": 660.1, + "fp32": 1.23, "bf16": "" } ], @@ -12908,7 +12908,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 259.24, "fp16": "", "fp32": "", "bf16": "" @@ -12920,18 +12920,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 293.95, + "int8": 6.08, "fp16": "", - "fp32": 112.37, + "fp32": 1.48, "bf16": "" } ], @@ -12942,7 +12942,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 234.74, "fp16": "", "fp32": "", "bf16": "" @@ -12954,18 +12954,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.16, - "fp16": "", - "fp32": 2.19, + "int8": 140.65, + "fp16": 92.11, + "fp32": "", "bf16": "" } ], @@ -12976,7 +12976,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 15.32, "fp16": "", "fp32": "", "bf16": "" @@ -12988,18 +12988,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 561.31, + "int8": "", "fp16": "", - "fp32": 236.99, + "fp32": "", "bf16": "" } ], @@ -13010,7 +13010,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 14.78, "fp16": "", "fp32": "", "bf16": "" @@ -13022,18 +13022,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 9.87, - "fp16": "", - "fp32": 3.67, + "int8": 35.4, + "fp16": 17.45, + "fp32": "", "bf16": "" } ], @@ -13044,7 +13044,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 35.98, "fp16": "", "fp32": "", "bf16": "" @@ -13056,18 +13056,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 349.32, - "fp16": "", - "fp32": 135.28, + "int8": 2.16, + "fp16": 1.32, + "fp32": "", "bf16": "" } ], @@ -13078,7 +13078,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 472.12, "fp16": "", "fp32": "", "bf16": "" @@ -13090,18 +13090,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 156.93, - "fp16": "", - "fp32": 74.81, + "int8": 1.16, + "fp16": 1.16, + "fp32": "", "bf16": "" } ], @@ -13112,7 +13112,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 870.37, "fp16": "", "fp32": "", "bf16": "" @@ -13124,18 +13124,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 44.98, - "fp16": "", - "fp32": 17.99, + "int8": 5.09, + "fp16": 2.78, + "fp32": "", "bf16": "" } ], @@ -13146,7 +13146,7 @@ "Precisions": [ { "int4": "", - "int8": 37.43, + "int8": 210.29, "fp16": "", "fp32": "", "bf16": "" @@ -13158,18 +13158,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4.07, - "fp16": "", - "fp32": 1.55, + "int8": 5.8, + "fp16": 2.81, + "fp32": "", "bf16": "" } ], @@ -13180,7 +13180,7 @@ "Precisions": [ { "int4": "", - "int8": 357.9, + "int8": 164.94, "fp16": "", "fp32": "", "bf16": "" @@ -13192,18 +13192,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 62.65, - "fp16": "", - "fp32": 39.85, + "int8": 5.92, + "fp16": 2.89, + "fp32": "", "bf16": "" } ], @@ -13214,7 +13214,7 @@ "Precisions": [ { "int4": "", - "int8": 26.75, + "int8": 143.88, "fp16": "", "fp32": "", "bf16": "" @@ -13226,18 +13226,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.64, - "fp16": "", - "fp32": 0.18, + "int8": 8.32, + "fp16": 4.74, + "fp32": "", "bf16": "" } ], @@ -13248,7 +13248,7 @@ "Precisions": [ { "int4": "", - "int8": 1903.03, + "int8": 117.76, "fp16": "", "fp32": "", "bf16": "" @@ -13260,18 +13260,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1044.1, - "fp16": "", - "fp32": 514.83, + "int8": 5.43, + "fp16": 3.17, + "fp32": "", "bf16": "" } ], @@ -13282,7 +13282,7 @@ "Precisions": [ { "int4": "", - "int8": 1.6, + "int8": 170.95, "fp16": "", "fp32": "", "bf16": "" @@ -13294,18 +13294,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 205.61, - "fp16": "", - "fp32": 59.59, + "int8": 10.46, + "fp16": 6.1, + "fp32": "", "bf16": "" } ], @@ -13316,7 +13316,7 @@ "Precisions": [ { "int4": "", - "int8": 8.92, + "int8": 100.05, "fp16": "", "fp32": "", "bf16": "" @@ -13328,18 +13328,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", "Model": "ssd-resnet34-1200", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 1.03, + "int8": 7.12, + "fp16": 4.0, + "fp32": "", "bf16": "" } ], @@ -13350,7 +13350,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 126.18, "fp16": "", "fp32": "", "bf16": "" @@ -13362,18 +13362,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 427.09, + "int8": "", "fp16": "", - "fp32": 154.82, + "fp32": "", "bf16": "" } ], @@ -13384,7 +13384,7 @@ "Precisions": [ { "int4": "", - "int8": 3.86, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13396,18 +13396,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.17, - "fp16": "", - "fp32": 0.98, + "int8": 1.62, + "fp16": 1.01, + "fp32": "", "bf16": "" } ], @@ -13418,7 +13418,7 @@ "Precisions": [ { "int4": "", - "int8": 289.96, + "int8": 623.25, "fp16": "", "fp32": "", "bf16": "" @@ -13430,18 +13430,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 232.99, - "fp16": "", - "fp32": 77.57, + "int8": 21.37, + "fp16": 12.68, + "fp32": "", "bf16": "" } ], @@ -13452,7 +13452,7 @@ "Precisions": [ { "int4": "", - "int8": 7.26, + "int8": 47.25, "fp16": "", "fp32": "", "bf16": "" @@ -13464,18 +13464,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 102.69, - "fp16": "", - "fp32": 41.19, + "int8": "", + "fp16": 10.09, + "fp32": "", "bf16": "" } ], @@ -13486,7 +13486,7 @@ "Precisions": [ { "int4": "", - "int8": 16.9, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13498,17 +13498,17 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 66.57, - "fp16": 53.45, + "int8": 65.86, + "fp16": 39.71, "fp32": "", "bf16": "" } @@ -13520,7 +13520,7 @@ "Precisions": [ { "int4": "", - "int8": 14.4, + "int8": 21.36, "fp16": "", "fp32": "", "bf16": "" @@ -13532,18 +13532,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.22, - "fp16": 5.94, - "fp32": "", + "int8": 2.53, + "fp16": "", + "fp32": 0.87, "bf16": "" } ], @@ -13554,7 +13554,7 @@ "Precisions": [ { "int4": "", - "int8": 110.97, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13566,18 +13566,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 101.06, - "fp16": 75.39, - "fp32": "", + "int8": 1.25, + "fp16": "", + "fp32": 1.08, "bf16": "" } ], @@ -13588,7 +13588,7 @@ "Precisions": [ { "int4": "", - "int8": 13.37, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13600,18 +13600,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.75, - "fp16": 0.79, - "fp32": "", + "int8": 5.37, + "fp16": "", + "fp32": 2.71, "bf16": "" } ], @@ -13622,7 +13622,7 @@ "Precisions": [ { "int4": "", - "int8": 1176.92, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13634,18 +13634,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 892.66, - "fp16": 630.28, - "fp32": "", + "int8": 3.52, + "fp16": "", + "fp32": 1.13, "bf16": "" } ], @@ -13656,7 +13656,7 @@ "Precisions": [ { "int4": "", - "int8": 1.36, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13668,18 +13668,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 279.02, - "fp16": 168.18, - "fp32": "", + "int8": 4.77, + "fp16": "", + "fp32": 1.75, "bf16": "" } ], @@ -13690,7 +13690,7 @@ "Precisions": [ { "int4": "", - "int8": 3.81, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13702,18 +13702,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", "Model": "ssd-resnet34-1200", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.22, - "fp16": 4.03, - "fp32": "", + "int8": 8.81, + "fp16": "", + "fp32": 3.81, "bf16": "" } ], @@ -13724,7 +13724,7 @@ "Precisions": [ { "int4": "", - "int8": 126.31, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13736,18 +13736,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 495.37, - "fp16": 302.64, - "fp32": "", + "int8": 4.33, + "fp16": "", + "fp32": 1.68, "bf16": "" } ], @@ -13758,7 +13758,7 @@ "Precisions": [ { "int4": "", - "int8": 2.46, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13770,17 +13770,17 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 12.93, - "fp16": 6.58, + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -13792,7 +13792,7 @@ "Precisions": [ { "int4": "", - "int8": 67.72, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13804,18 +13804,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 411.85, - "fp16": 219.54, - "fp32": "", + "int8": 5.71, + "fp16": "", + "fp32": 2.16, "bf16": "" } ], @@ -13826,7 +13826,7 @@ "Precisions": [ { "int4": "", - "int8": 2.5, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13838,18 +13838,18 @@ } }, { - "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 167.77, - "fp16": 110.14, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 3.05, "bf16": "" } ], @@ -13860,7 +13860,7 @@ "Precisions": [ { "int4": "", - "int8": 6.25, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -13872,18 +13872,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 98.23, + "int8": 2.05, "fp16": "", - "fp32": 56.22, + "fp32": 0.61, "bf16": "" } ], @@ -13906,18 +13906,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.19, + "int8": 18.73, "fp16": "", - "fp32": 5.91, + "fp32": 9.5, "bf16": "" } ], @@ -13940,18 +13940,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "ssd-resnet34-1200", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 108.41, + "int8": 12.04, "fp16": "", - "fp32": 57.85, + "fp32": 4.95, "bf16": "" } ], @@ -13974,18 +13974,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1608.64, + "int8": 97.87, "fp16": "", - "fp32": 849.7, + "fp32": 45.25, "bf16": "" } ], @@ -13996,7 +13996,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 10.56, "fp16": "", "fp32": "", "bf16": "" @@ -14008,18 +14008,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 453.79, + "int8": 45.67, "fp16": "", - "fp32": 181.36, + "fp32": 21.53, "bf16": "" } ], @@ -14030,7 +14030,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 22.79, "fp16": "", "fp32": "", "bf16": "" @@ -14042,18 +14042,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.66, + "int8": 115.01, "fp16": "", - "fp32": 5.44, + "fp32": 36.97, "bf16": "" } ], @@ -14064,7 +14064,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 9.06, "fp16": "", "fp32": "", "bf16": "" @@ -14076,18 +14076,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Platform": "Intel® Core™ i3-8100 CPU-only", "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 811.05, + "int8": 211.59, "fp16": "", - "fp32": 354.03, + "fp32": 119.52, "bf16": "" } ], @@ -14098,7 +14098,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.95, "fp16": "", "fp32": "", "bf16": "" @@ -14110,18 +14110,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 20.73, + "int8": 327.96, "fp16": "", - "fp32": 8.54, + "fp32": 163.65, "bf16": "" } ], @@ -14132,7 +14132,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.63, "fp16": "", "fp32": "", "bf16": "" @@ -14144,18 +14144,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 538.31, + "int8": 326.48, "fp16": "", - "fp32": 241.46, + "fp32": 98.82, "bf16": "" } ], @@ -14166,7 +14166,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.67, "fp16": "", "fp32": "", "bf16": "" @@ -14178,18 +14178,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 227.41, + "int8": 383.99, "fp16": "", - "fp32": 111.9, + "fp32": 136.38, "bf16": "" } ], @@ -14200,7 +14200,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 4.16, "fp16": "", "fp32": "", "bf16": "" @@ -14212,18 +14212,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 64.14, + "int8": 1073.43, "fp16": "", - "fp32": 25.24, + "fp32": 385.05, "bf16": "" } ], @@ -14234,7 +14234,7 @@ "Precisions": [ { "int4": "", - "int8": 24.31, + "int8": 1.31, "fp16": "", "fp32": "", "bf16": "" @@ -14246,18 +14246,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5.9, + "int8": 335.03, "fp16": "", - "fp32": 2.22, + "fp32": 182.29, "bf16": "" } ], @@ -14268,7 +14268,7 @@ "Precisions": [ { "int4": "", - "int8": 244.62, + "int8": 3.15, "fp16": "", "fp32": "", "bf16": "" @@ -14280,18 +14280,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 86.28, + "int8": 495.53, "fp16": "", - "fp32": 44.24, + "fp32": 147.22, "bf16": "" } ], @@ -14302,7 +14302,7 @@ "Precisions": [ { "int4": "", - "int8": 16.8, + "int8": 2.19, "fp16": "", "fp32": "", "bf16": "" @@ -14314,18 +14314,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.98, + "int8": 385.05, "fp16": "", - "fp32": 0.27, + "fp32": 100.34, "bf16": "" } ], @@ -14336,7 +14336,7 @@ "Precisions": [ { "int4": "", - "int8": 1392.43, + "int8": 2.83, "fp16": "", "fp32": "", "bf16": "" @@ -14348,18 +14348,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1356.83, + "int8": 832.22, "fp16": "", - "fp32": 719.36, + "fp32": 284.89, "bf16": "" } ], @@ -14370,7 +14370,7 @@ "Precisions": [ { "int4": "", - "int8": 1.17, + "int8": 1.73, "fp16": "", "fp32": "", "bf16": "" @@ -14382,18 +14382,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 310.2, + "int8": 423.45, "fp16": "", - "fp32": 81.12, + "fp32": 153.0, "bf16": "" } ], @@ -14404,7 +14404,7 @@ "Precisions": [ { "int4": "", - "int8": 5.17, + "int8": 3.88, "fp16": "", "fp32": "", "bf16": "" @@ -14417,8 +14417,8 @@ }, { "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -14427,7 +14427,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 1.43, + "fp32": "", "bf16": "" } ], @@ -14438,7 +14438,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.45, "fp16": "", "fp32": "", "bf16": "" @@ -14450,18 +14450,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", + "Platform": "Intel® Core™ i7-8700T CPU-only", "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 611.66, + "int8": 275.79, "fp16": "", - "fp32": 219.37, + "fp32": 151.19, "bf16": "" } ], @@ -14472,7 +14472,7 @@ "Precisions": [ { "int4": "", - "int8": 2.45, + "int8": 3.22, "fp16": "", "fp32": "", "bf16": "" @@ -14484,18 +14484,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 7.44, + "int8": 351.76, "fp16": "", - "fp32": 1.55, + "fp32": 183.93, "bf16": "" } ], @@ -14506,7 +14506,7 @@ "Precisions": [ { "int4": "", - "int8": 183.66, + "int8": 3.41, "fp16": "", "fp32": "", "bf16": "" @@ -14518,18 +14518,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 354.22, + "int8": 1607.16, "fp16": "", - "fp32": 104.25, + "fp32": 587.94, "bf16": "" } ], @@ -14540,7 +14540,7 @@ "Precisions": [ { "int4": "", - "int8": 4.36, + "int8": 1.09, "fp16": "", "fp32": "", "bf16": "" @@ -14552,18 +14552,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 144.91, + "int8": 105.81, "fp16": "", - "fp32": 56.17, + "fp32": 49.62, "bf16": "" } ], @@ -14574,7 +14574,7 @@ "Precisions": [ { "int4": "", - "int8": 9.33, + "int8": 9.76, "fp16": "", "fp32": "", "bf16": "" @@ -14586,18 +14586,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 92.26, - "fp16": 71.67, - "fp32": "", + "int8": 575.93, + "fp16": "", + "fp32": 272.53, "bf16": "" } ], @@ -14608,7 +14608,7 @@ "Precisions": [ { "int4": "", - "int8": 12.37, + "int8": 2.33, "fp16": "", "fp32": "", "bf16": "" @@ -14620,18 +14620,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 11.25, - "fp16": 8.61, - "fp32": "", + "int8": 202.32, + "fp16": "", + "fp32": 120.89, "bf16": "" } ], @@ -14642,7 +14642,7 @@ "Precisions": [ { "int4": "", - "int8": 91.3, + "int8": 5.11, "fp16": "", "fp32": "", "bf16": "" @@ -14654,18 +14654,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2068.2, "fp16": "", - "fp32": "", + "fp32": 637.61, "bf16": "" } ], @@ -14675,8 +14675,8 @@ "latency": { "Precisions": [ { - "int4": 163.82, - "int8": "", + "int4": "", + "int8": 1.66, "fp16": "", "fp32": "", "bf16": "" @@ -14688,18 +14688,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 109.11, - "fp16": 84.61, - "fp32": "", + "int8": 6032.65, + "fp16": "", + "fp32": 1652.7, "bf16": "" } ], @@ -14710,7 +14710,7 @@ "Precisions": [ { "int4": "", - "int8": 14.05, + "int8": 1.23, "fp16": "", "fp32": "", "bf16": "" @@ -14722,10 +14722,10 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ @@ -14733,7 +14733,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", + "fp32": 2525.11, "bf16": "" } ], @@ -14743,8 +14743,8 @@ "latency": { "Precisions": [ { - "int4": 150.55, - "int8": "", + "int4": "", + "int8": 0.69, "fp16": "", "fp32": "", "bf16": "" @@ -14756,19 +14756,19 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 23599.57, "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 3405.56, + "bf16": 12205.1 } ], "Unit": "FPS", @@ -14777,11 +14777,11 @@ "latency": { "Precisions": [ { - "int4": 183.29, - "int8": "", + "int4": "", + "int8": 0.74, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 0.87 } ], "Unit": "ms", @@ -14790,10 +14790,10 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "llama-3-8b", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ @@ -14801,8 +14801,8 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 4698.93, + "bf16": 16520.05 } ], "Unit": "FPS", @@ -14811,11 +14811,11 @@ "latency": { "Precisions": [ { - "int4": 194.21, - "int8": "", + "int4": "", + "int8": 0.83, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 1.2 } ], "Unit": "ms", @@ -14824,18 +14824,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 4267.65, "fp16": "", - "fp32": "", + "fp32": 1238.3, "bf16": "" } ], @@ -14845,8 +14845,8 @@ "latency": { "Precisions": [ { - "int4": 168.65, - "int8": "", + "int4": "", + "int8": 1.29, "fp16": "", "fp32": "", "bf16": "" @@ -14858,18 +14858,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1168.27, - "fp16": 809.9, - "fp32": "", + "int8": 4642.89, + "fp16": "", + "fp32": 1227.04, "bf16": "" } ], @@ -14880,7 +14880,7 @@ "Precisions": [ { "int4": "", - "int8": 1.28, + "int8": 0.93, "fp16": "", "fp32": "", "bf16": "" @@ -14892,18 +14892,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 682.74, "fp16": "", - "fp32": "", + "fp32": 243.93, "bf16": "" } ], @@ -14913,8 +14913,8 @@ "latency": { "Precisions": [ { - "int4": 102.16, - "int8": 163.2, + "int4": "", + "int8": 2.71, "fp16": "", "fp32": "", "bf16": "" @@ -14926,18 +14926,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 367.05, - "fp16": 230.75, - "fp32": "", + "int8": 533.14, + "fp16": "", + "fp32": 179.15, "bf16": "" } ], @@ -14948,7 +14948,7 @@ "Precisions": [ { "int4": "", - "int8": 3.51, + "int8": 3.35, "fp16": "", "fp32": "", "bf16": "" @@ -14960,18 +14960,18 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10.74, - "fp16": 6.21, - "fp32": "", + "int8": 663.32, + "fp16": "", + "fp32": 226.12, "bf16": "" } ], @@ -14982,7 +14982,7 @@ "Precisions": [ { "int4": "", - "int8": 94.66, + "int8": 2.25, "fp16": "", "fp32": "", "bf16": "" @@ -14994,17 +14994,17 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 659.36, - "fp16": 396.71, + "int8": 2300.75, + "fp16": 1706.66, "fp32": "", "bf16": "" } @@ -15016,7 +15016,7 @@ "Precisions": [ { "int4": "", - "int8": 2.24, + "int8": 0.91, "fp16": "", "fp32": "", "bf16": "" @@ -15028,12 +15028,12 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", - "Parameters": { - "throughput": { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { "Precisions": [ { "int4": "", @@ -15050,8 +15050,8 @@ "Precisions": [ { "int4": "", - "int8": 19.97, - "fp16": 18.94, + "int8": 1.28, + "fp16": "", "fp32": "", "bf16": "" } @@ -15062,17 +15062,17 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 1024.85, + "fp16": 777.67, "fp32": "", "bf16": "" } @@ -15084,8 +15084,8 @@ "Precisions": [ { "int4": "", - "int8": 19.99, - "fp16": 19.03, + "int8": 1.33, + "fp16": "", "fp32": "", "bf16": "" } @@ -15096,17 +15096,17 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 19.42, - "fp16": 10.25, + "int8": 704.76, + "fp16": 451.92, "fp32": "", "bf16": "" } @@ -15118,7 +15118,7 @@ "Precisions": [ { "int4": "", - "int8": 51.87, + "int8": 1.65, "fp16": "", "fp32": "", "bf16": "" @@ -15130,17 +15130,17 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 591.87, - "fp16": 321.77, + "int8": 705.61, + "fp16": 458.2, "fp32": "", "bf16": "" } @@ -15152,7 +15152,7 @@ "Precisions": [ { "int4": "", - "int8": 2.22, + "int8": 1.66, "fp16": "", "fp32": "", "bf16": "" @@ -15164,17 +15164,17 @@ } }, { - "Platform": "Intel® Core™ i7-1360P iGPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 208.72, - "fp16": 145.7, + "int8": 229.58, + "fp16": 198.86, "fp32": "", "bf16": "" } @@ -15186,7 +15186,7 @@ "Precisions": [ { "int4": "", - "int8": 5.84, + "int8": 7.67, "fp16": "", "fp32": "", "bf16": "" @@ -15198,18 +15198,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 27.23, - "fp16": "", - "fp32": 18.28, + "int8": 210.98, + "fp16": 137.08, + "fp32": "", "bf16": "" } ], @@ -15220,7 +15220,7 @@ "Precisions": [ { "int4": "", - "int8": 43.5, + "int8": 6.21, "fp16": "", "fp32": "", "bf16": "" @@ -15232,18 +15232,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.5, - "fp16": "", - "fp32": 1.54, + "int8": 92.82, + "fp16": 95.83, + "fp32": "", "bf16": "" } ], @@ -15254,7 +15254,7 @@ "Precisions": [ { "int4": "", - "int8": 464.53, + "int8": 13.65, "fp16": "", "fp32": "", "bf16": "" @@ -15266,18 +15266,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 52.58, - "fp16": "", - "fp32": 37.77, + "int8": 396.49, + "fp16": 222.23, + "fp32": "", "bf16": "" } ], @@ -15288,7 +15288,7 @@ "Precisions": [ { "int4": "", - "int8": 23.64, + "int8": 4.31, "fp16": "", "fp32": "", "bf16": "" @@ -15300,18 +15300,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.37, - "fp16": "", - "fp32": 0.15, + "int8": 392.98, + "fp16": 229.59, + "fp32": "", "bf16": "" } ], @@ -15322,7 +15322,7 @@ "Precisions": [ { "int4": "", - "int8": 2909.82, + "int8": 3.07, "fp16": "", "fp32": "", "bf16": "" @@ -15334,18 +15334,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 738.24, - "fp16": "", - "fp32": 485.65, + "int8": 405.21, + "fp16": 238.92, + "fp32": "", "bf16": "" } ], @@ -15356,7 +15356,7 @@ "Precisions": [ { "int4": "", - "int8": 1.89, + "int8": 2.72, "fp16": "", "fp32": "", "bf16": "" @@ -15368,18 +15368,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 122.21, - "fp16": "", - "fp32": 60.73, + "int8": "", + "fp16": 298.42, + "fp32": "", "bf16": "" } ], @@ -15390,7 +15390,7 @@ "Precisions": [ { "int4": "", - "int8": 10.02, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15402,18 +15402,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 1.05, + "int8": 360.04, + "fp16": 225.51, + "fp32": "", "bf16": "" } ], @@ -15424,7 +15424,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.42, "fp16": "", "fp32": "", "bf16": "" @@ -15436,18 +15436,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", + "Platform": "Intel® Core™ i7-12700H iGPU-only", "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 277.07, - "fp16": "", - "fp32": 152.76, + "int8": 748.06, + "fp16": 416.28, + "fp32": "", "bf16": "" } ], @@ -15458,7 +15458,7 @@ "Precisions": [ { "int4": "", - "int8": 4.34, + "int8": 1.86, "fp16": "", "fp32": "", "bf16": "" @@ -15470,18 +15470,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.07, - "fp16": "", - "fp32": 1.65, + "int8": 488.8, + "fp16": 302.47, + "fp32": "", "bf16": "" } ], @@ -15492,7 +15492,7 @@ "Precisions": [ { "int4": "", - "int8": 366.29, + "int8": 2.51, "fp16": "", "fp32": "", "bf16": "" @@ -15504,18 +15504,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 137.09, + "int8": "", "fp16": "", - "fp32": 68.12, + "fp32": "", "bf16": "" } ], @@ -15526,7 +15526,7 @@ "Precisions": [ { "int4": "", - "int8": 8.25, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15538,18 +15538,18 @@ } }, { - "Platform": "Intel® Core™ i7-8700T CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 70.85, - "fp16": "", - "fp32": 40.95, + "int8": 164.35, + "fp16": 106.86, + "fp32": "", "bf16": "" } ], @@ -15560,7 +15560,7 @@ "Precisions": [ { "int4": "", - "int8": 16.53, + "int8": 7.36, "fp16": "", "fp32": "", "bf16": "" @@ -15572,18 +15572,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 32.92, - "fp16": "", - "fp32": 21.43, + "int8": 979.63, + "fp16": 802.16, + "fp32": "", "bf16": "" } ], @@ -15594,7 +15594,7 @@ "Precisions": [ { "int4": "", - "int8": 37.89, + "int8": 1.15, "fp16": "", "fp32": "", "bf16": "" @@ -15606,18 +15606,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.15, - "fp16": "", - "fp32": 1.9, + "int8": 974.05, + "fp16": 701.6, + "fp32": "", "bf16": "" } ], @@ -15628,7 +15628,7 @@ "Precisions": [ { "int4": "", - "int8": 389.61, + "int8": 1.35, "fp16": "", "fp32": "", "bf16": "" @@ -15640,18 +15640,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 64.89, - "fp16": "", - "fp32": 41.07, + "int8": 985.08, + "fp16": 990.93, + "fp32": "", "bf16": "" } ], @@ -15662,7 +15662,7 @@ "Precisions": [ { "int4": "", - "int8": 18.77, + "int8": 1.87, "fp16": "", "fp32": "", "bf16": "" @@ -15674,18 +15674,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.47, + "int8": 234.86, "fp16": "", - "fp32": 0.17, + "fp32": 116.72, "bf16": "" } ], @@ -15696,7 +15696,7 @@ "Precisions": [ { "int4": "", - "int8": 2244.49, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15708,18 +15708,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 906.7, + "int8": 111.52, "fp16": "", - "fp32": 572.68, + "fp32": 98.51, "bf16": "" } ], @@ -15730,7 +15730,7 @@ "Precisions": [ { "int4": "", - "int8": 1.56, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15742,18 +15742,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 153.1, + "int8": 318.36, "fp16": "", - "fp32": 71.18, + "fp32": 194.83, "bf16": "" } ], @@ -15764,7 +15764,7 @@ "Precisions": [ { "int4": "", - "int8": 7.72, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15776,9 +15776,9 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { @@ -15787,7 +15787,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 1.27, + "fp32": 117.54, "bf16": "" } ], @@ -15810,18 +15810,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 352.77, + "int8": 471.49, "fp16": "", - "fp32": 183.36, + "fp32": 189.58, "bf16": "" } ], @@ -15832,7 +15832,7 @@ "Precisions": [ { "int4": "", - "int8": 3.41, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15844,18 +15844,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.79, + "int8": 650.89, "fp16": "", - "fp32": 1.9, + "fp32": 298.25, "bf16": "" } ], @@ -15866,7 +15866,7 @@ "Precisions": [ { "int4": "", - "int8": 286.09, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15878,18 +15878,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 177.72, + "int8": "", "fp16": "", - "fp32": 72.41, + "fp32": 160.27, "bf16": "" } ], @@ -15900,7 +15900,7 @@ "Precisions": [ { "int4": "", - "int8": 6.37, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15912,18 +15912,18 @@ } }, { - "Platform": "Intel® Core™ i9-10900TE CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 89.62, + "int8": "", "fp16": "", - "fp32": 48.86, + "fp32": 380.11, "bf16": "" } ], @@ -15934,7 +15934,7 @@ "Precisions": [ { "int4": "", - "int8": 12.9, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15946,18 +15946,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 168.58, + "int8": 554.71, "fp16": "", - "fp32": 67.12, + "fp32": 229.14, "bf16": "" } ], @@ -15968,7 +15968,7 @@ "Precisions": [ { "int4": "", - "int8": 10.65, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -15980,18 +15980,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 15.78, + "int8": "", "fp16": "", - "fp32": 5.99, + "fp32": 350.12, "bf16": "" } ], @@ -16002,7 +16002,7 @@ "Precisions": [ { "int4": "", - "int8": 94.55, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -16014,18 +16014,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 217.21, "fp16": "", - "fp32": "", + "fp32": 95.95, "bf16": "" } ], @@ -16035,9 +16035,9 @@ "latency": { "Precisions": [ { - "int4": 65.1, - "int8": 91.17, - "fp16": 177.71, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -16048,18 +16048,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 219.68, + "int8": 1045.56, "fp16": "", - "fp32": 126.96, + "fp32": 608.3, "bf16": "" } ], @@ -16070,7 +16070,7 @@ "Precisions": [ { "int4": "", - "int8": 7.2, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -16082,18 +16082,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "ssd_mobilenet_v1_coco", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 748.16, "fp16": "", - "fp32": "", + "fp32": 419.13, "bf16": "" } ], @@ -16103,9 +16103,9 @@ "latency": { "Precisions": [ { - "int4": 67.23, - "int8": 106.59, - "fp16": 206.8, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -16116,18 +16116,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 1.49, "fp16": "", - "fp32": "", + "fp32": 0.37, "bf16": "" } ], @@ -16137,9 +16137,9 @@ "latency": { "Precisions": [ { - "int4": 74.75, - "int8": 107.89, - "fp16": 202.31, + "int4": "", + "int8": 672.94, + "fp16": "", "fp32": "", "bf16": "" } @@ -16150,18 +16150,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "llama-3-8b", - "Checked": true, + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.54, "fp16": "", - "fp32": "", + "fp32": 1.37, "bf16": "" } ], @@ -16171,9 +16171,9 @@ "latency": { "Precisions": [ { - "int4": 83.76, - "int8": 115.97, - "fp16": 223.88, + "int4": "", + "int8": 403.86, + "fp16": "", "fp32": "", "bf16": "" } @@ -16184,18 +16184,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.48, + "int8": 3.62, "fp16": "", - "fp32": 0.7, + "fp32": 2.01, "bf16": "" } ], @@ -16206,7 +16206,7 @@ "Precisions": [ { "int4": "", - "int8": 555.27, + "int8": 306.85, "fp16": "", "fp32": "", "bf16": "" @@ -16218,18 +16218,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 3.8, "fp16": "", - "fp32": "", + "fp32": 0.82, "bf16": "" } ], @@ -16239,9 +16239,9 @@ "latency": { "Precisions": [ { - "int4": 69.67, - "int8": 109.38, - "fp16": 212.63, + "int4": "", + "int8": 348.07, + "fp16": "", "fp32": "", "bf16": "" } @@ -16252,18 +16252,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4246.79, + "int8": 4.66, "fp16": "", - "fp32": 2042.19, + "fp32": 0.83, "bf16": "" } ], @@ -16274,7 +16274,7 @@ "Precisions": [ { "int4": "", - "int8": 0.59, + "int8": 310.23, "fp16": "", "fp32": "", "bf16": "" @@ -16286,18 +16286,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 12.67, "fp16": "", - "fp32": "", + "fp32": 3.3, "bf16": "" } ], @@ -16307,9 +16307,9 @@ "latency": { "Precisions": [ { - "int4": 42.83, - "int8": 64.19, - "fp16": 117.53, + "int4": "", + "int8": 93.38, + "fp16": "", "fp32": "", "bf16": "" } @@ -16320,18 +16320,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 765.18, + "int8": 3.95, "fp16": "", - "fp32": 233.31, + "fp32": 2.06, "bf16": "" } ], @@ -16342,7 +16342,7 @@ "Precisions": [ { "int4": "", - "int8": 2.14, + "int8": 247.13, "fp16": "", "fp32": "", "bf16": "" @@ -16354,18 +16354,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 6.54, "fp16": "", - "fp32": 3.84, + "fp32": 1.66, "bf16": "" } ], @@ -16376,7 +16376,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 154.95, "fp16": "", "fp32": "", "bf16": "" @@ -16388,18 +16388,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1613.42, + "int8": 4.97, "fp16": "", - "fp32": 588.45, + "fp32": 1.24, "bf16": "" } ], @@ -16410,7 +16410,7 @@ "Precisions": [ { "int4": "", - "int8": 1.08, + "int8": 206.27, "fp16": "", "fp32": "", "bf16": "" @@ -16422,18 +16422,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 9.59, "fp16": "", - "fp32": "", + "fp32": 2.4, "bf16": "" } ], @@ -16444,8 +16444,8 @@ "Precisions": [ { "int4": "", - "int8": 44.5, - "fp16": 43.36, + "int8": 121.76, + "fp16": "", "fp32": "", "bf16": "" } @@ -16456,16 +16456,16 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 5.14, "fp16": "", "fp32": "", "bf16": "" @@ -16478,8 +16478,8 @@ "Precisions": [ { "int4": "", - "int8": 44.53, - "fp16": 43.14, + "int8": 292.14, + "fp16": "", "fp32": "", "bf16": "" } @@ -16490,18 +16490,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", + "Platform": "Intel® Core™ i7-1360P CPU-only", "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™) CPU-only", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 18.62, + "int8": 7.22, "fp16": "", - "fp32": 4.12, + "fp32": 1.55, "bf16": "" } ], @@ -16512,7 +16512,7 @@ "Precisions": [ { "int4": "", - "int8": 72.22, + "int8": 178.96, "fp16": "", "fp32": "", "bf16": "" @@ -16524,18 +16524,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™) CPU-only", + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 883.62, + "int8": 3.06, "fp16": "", - "fp32": 280.07, + "fp32": 1.66, "bf16": "" } ], @@ -16546,7 +16546,7 @@ "Precisions": [ { "int4": "", - "int8": 1.83, + "int8": 254.86, "fp16": "", "fp32": "", "bf16": "" @@ -16558,18 +16558,18 @@ } }, { - "Platform": "Intel® Core™ i9-13900K CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Client Platforms (Intel® Core™) CPU-only", + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 388.3, + "int8": 3.79, "fp16": "", - "fp32": 154.17, + "fp32": 1.91, "bf16": "" } ], @@ -16580,7 +16580,7 @@ "Precisions": [ { "int4": "", - "int8": 4.13, + "int8": 282.74, "fp16": "", "fp32": "", "bf16": "" @@ -16592,18 +16592,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 169.07, - "fp16": 136.35, - "fp32": "", + "int8": 18.74, + "fp16": "", + "fp32": 4.12, "bf16": "" } ], @@ -16614,7 +16614,7 @@ "Precisions": [ { "int4": "", - "int8": 6.27, + "int8": 72.32, "fp16": "", "fp32": "", "bf16": "" @@ -16626,18 +16626,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 31.41, - "fp16": 22.83, - "fp32": "", + "int8": 6.13, + "fp16": "", + "fp32": 3.29, "bf16": "" } ], @@ -16648,7 +16648,7 @@ "Precisions": [ { "int4": "", - "int8": 31.84, + "int8": 174.28, "fp16": "", "fp32": "", "bf16": "" @@ -16660,18 +16660,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2.45, "fp16": "", - "fp32": "", + "fp32": 1.35, "bf16": "" } ], @@ -16681,8 +16681,8 @@ "latency": { "Precisions": [ { - "int4": 77.22, - "int8": "", + "int4": "", + "int8": 415.75, "fp16": "", "fp32": "", "bf16": "" @@ -16694,18 +16694,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 146.84, - "fp16": 120.95, - "fp32": "", + "int8": 28.98, + "fp16": "", + "fp32": 7.41, "bf16": "" } ], @@ -16716,7 +16716,7 @@ "Precisions": [ { "int4": "", - "int8": 9.61, + "int8": 69.96, "fp16": "", "fp32": "", "bf16": "" @@ -16728,18 +16728,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 96.65, "fp16": "", - "fp32": "", + "fp32": 22.64, "bf16": "" } ], @@ -16749,8 +16749,8 @@ "latency": { "Precisions": [ { - "int4": 169.76, - "int8": "", + "int4": "", + "int8": 23.08, "fp16": "", "fp32": "", "bf16": "" @@ -16762,18 +16762,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 139.91, "fp16": "", - "fp32": "", + "fp32": 33.26, "bf16": "" } ], @@ -16783,8 +16783,8 @@ "latency": { "Precisions": [ { - "int4": 193.46, - "int8": "", + "int4": "", + "int8": 15.34, "fp16": "", "fp32": "", "bf16": "" @@ -16796,19 +16796,19 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.0, + "int8": 511.53, "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 48.78, + "bf16": 276.34 } ], "Unit": "FPS", @@ -16818,10 +16818,10 @@ "Precisions": [ { "int4": "", - "int8": 187.27, + "int8": 6.66, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 9.97 } ], "Unit": "ms", @@ -16830,19 +16830,19 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 617.57, "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 56.93, + "bf16": 334.64 } ], "Unit": "FPS", @@ -16851,11 +16851,11 @@ "latency": { "Precisions": [ { - "int4": 82.49, - "int8": "", + "int4": "", + "int8": 5.71, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 7.81 } ], "Unit": "ms", @@ -16864,18 +16864,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1637.84, - "fp16": 1426.18, - "fp32": "", + "int8": 69.09, + "fp16": "", + "fp32": 16.42, "bf16": "" } ], @@ -16886,7 +16886,7 @@ "Precisions": [ { "int4": "", - "int8": 0.82, + "int8": 29.59, "fp16": "", "fp32": "", "bf16": "" @@ -16898,18 +16898,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 69.98, "fp16": "", - "fp32": "", + "fp32": 16.46, "bf16": "" } ], @@ -16919,8 +16919,8 @@ "latency": { "Precisions": [ { - "int4": 51.42, - "int8": 77.7, + "int4": "", + "int8": 30.05, "fp16": "", "fp32": "", "bf16": "" @@ -16932,18 +16932,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 733.73, - "fp16": 505.75, - "fp32": "", + "int8": 8.9, + "fp16": "", + "fp32": 1.98, "bf16": "" } ], @@ -16954,7 +16954,7 @@ "Precisions": [ { "int4": "", - "int8": 1.55, + "int8": 152.81, "fp16": "", "fp32": "", "bf16": "" @@ -16966,18 +16966,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 30.37, - "fp16": 15.28, - "fp32": "", + "int8": 6.79, + "fp16": "", + "fp32": 1.6, "bf16": "" } ], @@ -16988,7 +16988,7 @@ "Precisions": [ { "int4": "", - "int8": 39.94, + "int8": 179.19, "fp16": "", "fp32": "", "bf16": "" @@ -17000,18 +17000,18 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 982.12, - "fp16": 761.15, - "fp32": "", + "int8": 7.92, + "fp16": "", + "fp32": 2.48, "bf16": "" } ], @@ -17022,7 +17022,7 @@ "Precisions": [ { "int4": "", - "int8": 1.37, + "int8": 185.72, "fp16": "", "fp32": "", "bf16": "" @@ -17034,17 +17034,17 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 276.55, + "fp16": 194.61, "fp32": "", "bf16": "" } @@ -17056,8 +17056,8 @@ "Precisions": [ { "int4": "", - "int8": 9.96, - "fp16": 9.81, + "int8": 5.38, + "fp16": "", "fp32": "", "bf16": "" } @@ -17068,9 +17068,9 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { @@ -17090,8 +17090,8 @@ "Precisions": [ { "int4": "", - "int8": 10.01, - "fp16": 9.84, + "int8": 6.54, + "fp16": "", "fp32": "", "bf16": "" } @@ -17104,15 +17104,15 @@ { "Platform": "Intel® Data Center GPU Flex 140 dGPU", "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Checked": "true", "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 55.03, - "fp16": 34.37, + "int8": 55.61, + "fp16": 34.5, "fp32": "", "bf16": "" } @@ -17124,7 +17124,7 @@ "Precisions": [ { "int4": "", - "int8": 19.14, + "int8": 19.05, "fp16": "", "fp32": "", "bf16": "" @@ -17136,17 +17136,17 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 637.68, - "fp16": 654.7, + "int8": "", + "fp16": 9.86, "fp32": "", "bf16": "" } @@ -17158,7 +17158,7 @@ "Precisions": [ { "int4": "", - "int8": 1.84, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17170,17 +17170,17 @@ } }, { - "Platform": "Intel® Data Center GPU Flex 140 dGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Accelerator Platforms", + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 249.88, - "fp16": 274.64, + "int8": "", + "fp16": 9.91, "fp32": "", "bf16": "" } @@ -17192,7 +17192,7 @@ "Precisions": [ { "int4": "", - "int8": 4.51, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17204,18 +17204,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 37.29, - "fp16": "", - "fp32": 28.25, + "int8": "", + "fp16": 46.18, + "fp32": "", "bf16": "" } ], @@ -17238,18 +17238,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 489.13, + "int8": 3.4, "fp16": "", - "fp32": 282.44, + "fp32": "", "bf16": "" } ], @@ -17260,7 +17260,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 294.79, "fp16": "", "fp32": "", "bf16": "" @@ -17272,18 +17272,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 113.02, + "int8": 1.98, "fp16": "", - "fp32": 43.11, + "fp32": "", "bf16": "" } ], @@ -17294,7 +17294,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 505.59, "fp16": "", "fp32": "", "bf16": "" @@ -17306,18 +17306,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.62, - "fp16": "", - "fp32": 0.64, + "int8": 8.29, + "fp16": 4.48, + "fp32": "", "bf16": "" } ], @@ -17328,7 +17328,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 121.49, "fp16": "", "fp32": "", "bf16": "" @@ -17340,18 +17340,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 217.68, - "fp16": "", - "fp32": 96.69, + "int8": 10.02, + "fp16": 4.68, + "fp32": "", "bf16": "" } ], @@ -17362,7 +17362,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 79.13, "fp16": "", "fp32": "", "bf16": "" @@ -17374,18 +17374,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 127.08, - "fp16": "", - "fp32": 44.27, + "int8": 9.86, + "fp16": 4.73, + "fp32": "", "bf16": "" } ], @@ -17396,7 +17396,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 82.71, "fp16": "", "fp32": "", "bf16": "" @@ -17408,18 +17408,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU+iGPU", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 61.22, - "fp16": "", - "fp32": 29.19, + "int8": 14.62, + "fp16": 7.64, + "fp32": "", "bf16": "" } ], @@ -17430,7 +17430,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 63.94, "fp16": "", "fp32": "", "bf16": "" @@ -17442,18 +17442,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 15.45, - "fp16": "", - "fp32": 12.76, + "int8": "", + "fp16": 5.13, + "fp32": "", "bf16": "" } ], @@ -17464,7 +17464,7 @@ "Precisions": [ { "int4": "", - "int8": 66.3, + "int8": 93.71, "fp16": "", "fp32": "", "bf16": "" @@ -17476,18 +17476,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 296.43, - "fp16": "", - "fp32": 184.84, + "int8": 18.44, + "fp16": 9.72, + "fp32": "", "bf16": "" } ], @@ -17498,7 +17498,7 @@ "Precisions": [ { "int4": "", - "int8": 3.82, + "int8": 54.75, "fp16": "", "fp32": "", "bf16": "" @@ -17510,18 +17510,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 48.78, - "fp16": "", - "fp32": 20.2, + "int8": 12.84, + "fp16": 6.49, + "fp32": "", "bf16": "" } ], @@ -17532,7 +17532,7 @@ "Precisions": [ { "int4": "", - "int8": 21.89, + "int8": 68.04, "fp16": "", "fp32": "", "bf16": "" @@ -17544,10 +17544,10 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -17555,7 +17555,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 0.32, + "fp32": "", "bf16": "" } ], @@ -17578,18 +17578,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 106.18, + "int8": 2.56, "fp16": "", - "fp32": 49.82, + "fp32": "", "bf16": "" } ], @@ -17600,7 +17600,7 @@ "Precisions": [ { "int4": "", - "int8": 9.73, + "int8": 390.36, "fp16": "", "fp32": "", "bf16": "" @@ -17612,18 +17612,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™) CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 57.05, - "fp16": "", - "fp32": 24.81, + "int8": 36.35, + "fp16": 23.49, + "fp32": "", "bf16": "" } ], @@ -17634,7 +17634,7 @@ "Precisions": [ { "int4": "", - "int8": 18.81, + "int8": 25.29, "fp16": "", "fp32": "", "bf16": "" @@ -17646,18 +17646,18 @@ } }, { - "Platform": "Intel® Processor N100 CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 23.66, - "fp16": "", - "fp32": 12.9, + "int8": 31.67, + "fp16": 18.53, + "fp32": "", "bf16": "" } ], @@ -17668,7 +17668,7 @@ "Precisions": [ { "int4": "", - "int8": 43.48, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17680,17 +17680,17 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.36, - "fp16": "", + "int8": 105.25, + "fp16": 74.67, "fp32": "", "bf16": "" } @@ -17702,7 +17702,7 @@ "Precisions": [ { "int4": "", - "int8": 407.92, + "int8": 10.37, "fp16": "", "fp32": "", "bf16": "" @@ -17714,18 +17714,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 33.64, - "fp16": 30.93, - "fp32": "", + "int8": 8.85, + "fp16": "", + "fp32": 4.55, "bf16": "" } ], @@ -17736,7 +17736,7 @@ "Precisions": [ { "int4": "", - "int8": 38.0, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17748,18 +17748,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 340.87, - "fp16": 267.71, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 1.47, "bf16": "" } ], @@ -17770,7 +17770,7 @@ "Precisions": [ { "int4": "", - "int8": 3.81, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17782,18 +17782,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 81.72, - "fp16": 49.76, - "fp32": "", + "int8": 7.38, + "fp16": "", + "fp32": 2.41, "bf16": "" } ], @@ -17804,7 +17804,7 @@ "Precisions": [ { "int4": "", - "int8": 13.14, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17816,18 +17816,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1.62, - "fp16": 1.01, - "fp32": "", + "int8": 15.79, + "fp16": "", + "fp32": 6.34, "bf16": "" } ], @@ -17838,7 +17838,7 @@ "Precisions": [ { "int4": "", - "int8": 623.4, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17850,18 +17850,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 164.34, - "fp16": 106.95, - "fp32": "", + "int8": 7.73, + "fp16": "", + "fp32": 2.82, "bf16": "" } ], @@ -17872,7 +17872,7 @@ "Precisions": [ { "int4": "", - "int8": 7.33, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17884,18 +17884,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.56, + "int8": "", "fp16": "", - "fp32": "", + "fp32": 6.37, "bf16": "" } ], @@ -17906,7 +17906,7 @@ "Precisions": [ { "int4": "", - "int8": 390.35, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17918,18 +17918,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 95.73, - "fp16": 62.51, - "fp32": "", + "int8": 9.45, + "fp16": "", + "fp32": 3.58, "bf16": "" } ], @@ -17940,7 +17940,7 @@ "Precisions": [ { "int4": "", - "int8": 10.87, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17952,18 +17952,18 @@ } }, { - "Platform": "Intel® Processor N100 iGPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 47.05, - "fp16": 34.98, - "fp32": "", + "int8": "", + "fp16": "", + "fp32": 5.04, "bf16": "" } ], @@ -17974,7 +17974,7 @@ "Precisions": [ { "int4": "", - "int8": 23.0, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -17986,18 +17986,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 20.54, + "int8": 31.21, "fp16": "", - "fp32": 14.7, + "fp32": 16.3, "bf16": "" } ], @@ -18008,7 +18008,7 @@ "Precisions": [ { "int4": "", - "int8": 49.98, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -18020,18 +18020,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", - "Parameters": { - "throughput": { - "Precisions": [ + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "unet-camvid-onnx-0001", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ { "int4": "", - "int8": 1.98, + "int8": "", "fp16": "", - "fp32": 1.27, + "fp32": 7.99, "bf16": "" } ], @@ -18042,7 +18042,7 @@ "Precisions": [ { "int4": "", - "int8": 514.43, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -18054,18 +18054,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® x7425E CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 35.83, + "int8": 5.65, "fp16": "", - "fp32": 30.12, + "fp32": 2.51, "bf16": "" } ], @@ -18076,7 +18076,7 @@ "Precisions": [ { "int4": "", - "int8": 28.57, + "int8": 182.75, "fp16": "", "fp32": "", "bf16": "" @@ -18088,18 +18088,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.29, + "int8": 2.58, "fp16": "", - "fp32": 0.15, + "fp32": 1.04, "bf16": "" } ], @@ -18110,7 +18110,7 @@ "Precisions": [ { "int4": "", - "int8": 3413.65, + "int8": 393.57, "fp16": "", "fp32": "", "bf16": "" @@ -18122,18 +18122,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 517.55, + "int8": 6.38, "fp16": "", - "fp32": 420.54, + "fp32": 1.86, "bf16": "" } ], @@ -18144,7 +18144,7 @@ "Precisions": [ { "int4": "", - "int8": 2.1, + "int8": 158.93, "fp16": "", "fp32": "", "bf16": "" @@ -18156,18 +18156,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 91.9, + "int8": 12.59, "fp16": "", - "fp32": 49.4, + "fp32": 6.77, "bf16": "" } ], @@ -18178,7 +18178,7 @@ "Precisions": [ { "int4": "", - "int8": 11.19, + "int8": 80.57, "fp16": "", "fp32": "", "bf16": "" @@ -18190,18 +18190,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 18.57, "fp16": "", - "fp32": 0.86, + "fp32": 9.33, "bf16": "" } ], @@ -18212,7 +18212,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 57.66, "fp16": "", "fp32": "", "bf16": "" @@ -18224,18 +18224,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 203.48, + "int8": 18.83, "fp16": "", - "fp32": 121.18, + "fp32": 5.89, "bf16": "" } ], @@ -18246,7 +18246,7 @@ "Precisions": [ { "int4": "", - "int8": 5.11, + "int8": 76.97, "fp16": "", "fp32": "", "bf16": "" @@ -18258,18 +18258,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2.44, + "int8": 23.43, "fp16": "", - "fp32": 1.35, + "fp32": 7.32, "bf16": "" } ], @@ -18280,7 +18280,7 @@ "Precisions": [ { "int4": "", - "int8": 420.33, + "int8": 70.0, "fp16": "", "fp32": "", "bf16": "" @@ -18292,18 +18292,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 104.89, + "int8": 66.59, "fp16": "", - "fp32": 59.76, + "fp32": 20.16, "bf16": "" } ], @@ -18314,7 +18314,7 @@ "Precisions": [ { "int4": "", - "int8": 9.55, + "int8": 19.62, "fp16": "", "fp32": "", "bf16": "" @@ -18326,18 +18326,18 @@ } }, { - "Platform": "Intel® Xeon® E-2124G CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-8500 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 51.87, + "int8": 19.4, "fp16": "", - "fp32": 32.46, + "fp32": 10.16, "bf16": "" } ], @@ -18348,7 +18348,7 @@ "Precisions": [ { "int4": "", - "int8": 19.57, + "int8": 52.75, "fp16": "", "fp32": "", "bf16": "" @@ -18360,18 +18360,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 217.64, + "int8": 27.81, "fp16": "", - "fp32": 80.49, + "fp32": 7.85, "bf16": "" } ], @@ -18382,7 +18382,7 @@ "Precisions": [ { "int4": "", - "int8": 14.48, + "int8": 37.86, "fp16": "", "fp32": "", "bf16": "" @@ -18394,18 +18394,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 21.88, + "int8": 20.29, "fp16": "", - "fp32": 7.16, + "fp32": 5.69, "bf16": "" } ], @@ -18416,7 +18416,7 @@ "Precisions": [ { "int4": "", - "int8": 102.56, + "int8": 49.78, "fp16": "", "fp32": "", "bf16": "" @@ -18428,18 +18428,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 271.59, + "int8": 49.8, "fp16": "", - "fp32": 166.47, + "fp32": 14.8, "bf16": "" } ], @@ -18450,7 +18450,7 @@ "Precisions": [ { "int4": "", - "int8": 10.86, + "int8": 25.53, "fp16": "", "fp32": "", "bf16": "" @@ -18462,18 +18462,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.24, + "int8": 25.87, "fp16": "", - "fp32": 0.9, + "fp32": 8.21, "bf16": "" } ], @@ -18484,7 +18484,7 @@ "Precisions": [ { "int4": "", - "int8": 645.82, + "int8": 65.38, "fp16": "", "fp32": "", "bf16": "" @@ -18496,18 +18496,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5417.69, + "int8": 37.03, "fp16": "", - "fp32": 1951.56, + "fp32": 10.74, "bf16": "" } ], @@ -18518,7 +18518,7 @@ "Precisions": [ { "int4": "", - "int8": 1.55, + "int8": 36.87, "fp16": "", "fp32": "", "bf16": "" @@ -18530,18 +18530,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 977.75, + "int8": 15.32, "fp16": "", - "fp32": 268.95, + "fp32": 7.94, "bf16": "" } ], @@ -18552,7 +18552,7 @@ "Precisions": [ { "int4": "", - "int8": 3.03, + "int8": 50.38, "fp16": "", "fp32": "", "bf16": "" @@ -18564,18 +18564,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 19.78, "fp16": "", - "fp32": 4.58, + "fp32": 9.0, "bf16": "" } ], @@ -18586,7 +18586,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 54.97, "fp16": "", "fp32": "", "bf16": "" @@ -18598,18 +18598,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2098.35, + "int8": 95.49, "fp16": "", - "fp32": 638.36, + "fp32": 30.36, "bf16": "" } ], @@ -18620,7 +18620,7 @@ "Precisions": [ { "int4": "", - "int8": 1.63, + "int8": 15.47, "fp16": "", "fp32": "", "bf16": "" @@ -18632,18 +18632,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 28.95, + "int8": 6.13, "fp16": "", - "fp32": 7.41, + "fp32": 2.62, "bf16": "" } ], @@ -18654,7 +18654,7 @@ "Precisions": [ { "int4": "", - "int8": 69.9, + "int8": 167.91, "fp16": "", "fp32": "", "bf16": "" @@ -18666,18 +18666,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1046.46, + "int8": 32.67, "fp16": "", - "fp32": 337.12, + "fp32": 14.74, "bf16": "" } ], @@ -18688,7 +18688,7 @@ "Precisions": [ { "int4": "", - "int8": 2.54, + "int8": 34.71, "fp16": "", "fp32": "", "bf16": "" @@ -18700,18 +18700,18 @@ } }, { - "Platform": "Intel® Xeon® Gold 5218T CPU-only", - "Model": "yolo_v8n", - "Checked": true, + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 444.54, + "int8": 12.06, "fp16": "", - "fp32": 173.35, + "fp32": 6.75, "bf16": "" } ], @@ -18722,7 +18722,7 @@ "Precisions": [ { "int4": "", - "int8": 6.01, + "int8": 83.73, "fp16": "", "fp32": "", "bf16": "" @@ -18734,18 +18734,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "bert-base-cased", - "Checked": true, + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 591.59, + "int8": 117.81, "fp16": "", - "fp32": 224.32, + "fp32": 35.12, "bf16": "" } ], @@ -18756,7 +18756,7 @@ "Precisions": [ { "int4": "", - "int8": 8.97, + "int8": 19.72, "fp16": "", "fp32": "", "bf16": "" @@ -18769,17 +18769,17 @@ }, { "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 51.23, + "int8": 334.59, "fp16": "", - "fp32": 18.18, + "fp32": 102.89, "bf16": "" } ], @@ -18790,7 +18790,7 @@ "Precisions": [ { "int4": "", - "int8": 48.54, + "int8": 8.17, "fp16": "", "fp32": "", "bf16": "" @@ -18802,18 +18802,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 586.49, + "int8": 533.18, "fp16": "", - "fp32": 330.88, + "fp32": 154.64, "bf16": "" } ], @@ -18824,7 +18824,7 @@ "Precisions": [ { "int4": "", - "int8": 6.81, + "int8": 5.76, "fp16": "", "fp32": "", "bf16": "" @@ -18836,19 +18836,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 8.47, + "int8": 1419.98, "fp16": "", - "fp32": 2.26, - "bf16": "" + "fp32": 214.44, + "bf16": 830.31 } ], "Unit": "FPS", @@ -18858,10 +18858,10 @@ "Precisions": [ { "int4": "", - "int8": 240.77, + "int8": 4.62, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 5.98 } ], "Unit": "ms", @@ -18870,19 +18870,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 15049.28, + "int8": 1755.21, "fp16": "", - "fp32": 4720.87, - "bf16": "" + "fp32": 265.47, + "bf16": 1055.23 } ], "Unit": "FPS", @@ -18892,10 +18892,10 @@ "Precisions": [ { "int4": "", - "int8": 0.98, + "int8": 4.46, "fp16": "", "fp32": "", - "bf16": "" + "bf16": 5.21 } ], "Unit": "ms", @@ -18904,18 +18904,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2983.04, + "int8": 251.62, "fp16": "", - "fp32": 761.91, + "fp32": 74.96, "bf16": "" } ], @@ -18926,7 +18926,7 @@ "Precisions": [ { "int4": "", - "int8": 1.63, + "int8": 11.14, "fp16": "", "fp32": "", "bf16": "" @@ -18938,18 +18938,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "yolo_v5m", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 265.17, "fp16": "", - "fp32": 15.12, + "fp32": 76.67, "bf16": "" } ], @@ -18960,7 +18960,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 9.63, "fp16": "", "fp32": "", "bf16": "" @@ -18972,18 +18972,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6154.14, + "int8": 44.74, "fp16": "", - "fp32": 1647.46, + "fp32": 12.8, "bf16": "" } ], @@ -18994,7 +18994,7 @@ "Precisions": [ { "int4": "", - "int8": 1.16, + "int8": 36.67, "fp16": "", "fp32": "", "bf16": "" @@ -19006,18 +19006,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 96.99, + "int8": 33.1, "fp16": "", - "fp32": 22.68, + "fp32": 9.15, "bf16": "" } ], @@ -19028,7 +19028,7 @@ "Precisions": [ { "int4": "", - "int8": 22.95, + "int8": 45.86, "fp16": "", "fp32": "", "bf16": "" @@ -19040,18 +19040,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2888.11, - "fp16": "", - "fp32": 900.74, + "int8": 288.05, + "fp16": 333.83, + "fp32": "", "bf16": "" } ], @@ -19062,7 +19062,7 @@ "Precisions": [ { "int4": "", - "int8": 1.32, + "int8": 5.35, "fp16": "", "fp32": "", "bf16": "" @@ -19074,18 +19074,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8280 CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1008.75, + "int8": "", "fp16": "", - "fp32": 455.37, + "fp32": "", "bf16": "" } ], @@ -19096,7 +19096,7 @@ "Precisions": [ { "int4": "", - "int8": 3.62, + "int8": 6.92, "fp16": "", "fp32": "", "bf16": "" @@ -19108,18 +19108,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 884.16, - "fp16": "", - "fp32": 340.66, + "int8": 105.43, + "fp16": 93.59, + "fp32": "", "bf16": "" } ], @@ -19130,7 +19130,7 @@ "Precisions": [ { "int4": "", - "int8": 5.03, + "int8": 11.01, "fp16": "", "fp32": "", "bf16": "" @@ -19142,18 +19142,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 78.5, - "fp16": "", - "fp32": 30.65, + "int8": 50.31, + "fp16": 40.99, + "fp32": "", "bf16": "" } ], @@ -19164,7 +19164,7 @@ "Precisions": [ { "int4": "", - "int8": 38.23, + "int8": 21.31, "fp16": "", "fp32": "", "bf16": "" @@ -19176,17 +19176,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 50.34, + "fp16": 41.31, "fp32": "", "bf16": "" } @@ -19197,9 +19197,9 @@ "latency": { "Precisions": [ { - "int4": 32.24, - "int8": 43.21, - "fp16": 78.06, + "int4": "", + "int8": 21.03, + "fp16": "", "fp32": "", "bf16": "" } @@ -19210,18 +19210,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1013.0, - "fp16": "", - "fp32": 578.0, + "int8": 14.53, + "fp16": 9.52, + "fp32": "", "bf16": "" } ], @@ -19232,7 +19232,7 @@ "Precisions": [ { "int4": "", - "int8": 4.25, + "int8": 71.11, "fp16": "", "fp32": "", "bf16": "" @@ -19244,17 +19244,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 7.37, + "fp16": 7.57, "fp32": "", "bf16": "" } @@ -19265,9 +19265,9 @@ "latency": { "Precisions": [ { - "int4": 34.77, - "int8": 50.16, - "fp16": 91.17, + "int4": "", + "int8": 141.78, + "fp16": "", "fp32": "", "bf16": "" } @@ -19278,17 +19278,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Celeron® 6305E iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 31.36, + "fp16": 17.91, "fp32": "", "bf16": "" } @@ -19299,9 +19299,9 @@ "latency": { "Precisions": [ { - "int4": 39.36, - "int8": 53.72, - "fp16": 93.67, + "int4": "", + "int8": 34.6, + "fp16": "", "fp32": "", "bf16": "" } @@ -19312,17 +19312,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "llama-3-8b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 33.47, + "fp16": 18.2, "fp32": "", "bf16": "" } @@ -19333,9 +19333,9 @@ "latency": { "Precisions": [ { - "int4": 37.82, - "int8": 56.11, - "fp16": 101.67, + "int4": "", + "int8": 24.97, + "fp16": "", "fp32": "", "bf16": "" } @@ -19346,18 +19346,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 14.58, - "fp16": "", - "fp32": 3.48, + "int8": 35.33, + "fp16": 18.84, + "fp32": "", "bf16": "" } ], @@ -19368,7 +19368,7 @@ "Precisions": [ { "int4": "", - "int8": 156.62, + "int8": 24.68, "fp16": "", "fp32": "", "bf16": "" @@ -19380,17 +19380,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 48.16, + "fp16": 28.25, "fp32": "", "bf16": "" } @@ -19401,9 +19401,9 @@ "latency": { "Precisions": [ { - "int4": 37.27, - "int8": 54.13, - "fp16": 96.82, + "int4": "", + "int8": 22.07, + "fp16": "", "fp32": "", "bf16": "" } @@ -19414,18 +19414,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 22842.75, - "fp16": "", - "fp32": 7176.51, + "int8": 33.73, + "fp16": 18.76, + "fp32": "", "bf16": "" } ], @@ -19436,7 +19436,7 @@ "Precisions": [ { "int4": "", - "int8": 0.58, + "int8": 29.57, "fp16": "", "fp32": "", "bf16": "" @@ -19448,17 +19448,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 63.37, + "fp16": 36.52, "fp32": "", "bf16": "" } @@ -19469,9 +19469,9 @@ "latency": { "Precisions": [ { - "int4": 24.27, - "int8": 34.78, - "fp16": 57.87, + "int4": "", + "int8": 17.02, + "fp16": "", "fp32": "", "bf16": "" } @@ -19482,18 +19482,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4956.56, - "fp16": "", - "fp32": 1156.87, + "int8": 44.64, + "fp16": 24.85, + "fp32": "", "bf16": "" } ], @@ -19504,7 +19504,7 @@ "Precisions": [ { "int4": "", - "int8": 1.06, + "int8": 20.43, "fp16": "", "fp32": "", "bf16": "" @@ -19516,18 +19516,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 21.03, + "int8": 53.52, + "fp16": 30.53, + "fp32": "", "bf16": "" } ], @@ -19538,7 +19538,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 17.5, "fp16": "", "fp32": "", "bf16": "" @@ -19550,18 +19550,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10271.81, - "fp16": "", - "fp32": 2546.94, + "int8": 11.12, + "fp16": 7.41, + "fp32": "", "bf16": "" } ], @@ -19572,7 +19572,7 @@ "Precisions": [ { "int4": "", - "int8": 0.69, + "int8": 91.66, "fp16": "", "fp32": "", "bf16": "" @@ -19584,17 +19584,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 132.43, + "fp16": 70.84, "fp32": "", "bf16": "" } @@ -19606,8 +19606,8 @@ "Precisions": [ { "int4": "", - "int8": 12.54, - "fp16": 12.72, + "int8": 7.23, + "fp16": "", "fp32": "", "bf16": "" } @@ -19618,17 +19618,17 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 120.91, + "fp16": 58.45, "fp32": "", "bf16": "" } @@ -19640,8 +19640,8 @@ "Precisions": [ { "int4": "", - "int8": 12.54, - "fp16": 12.75, + "int8": 9.06, + "fp16": "", "fp32": "", "bf16": "" } @@ -19652,18 +19652,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 139.91, + "int8": 17.32, "fp16": "", - "fp32": 33.12, + "fp32": 7.01, "bf16": "" } ], @@ -19674,7 +19674,7 @@ "Precisions": [ { "int4": "", - "int8": 15.33, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -19686,18 +19686,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4576.15, + "int8": 8.67, "fp16": "", - "fp32": 1350.44, + "fp32": 7.46, "bf16": "" } ], @@ -19708,7 +19708,7 @@ "Precisions": [ { "int4": "", - "int8": 0.91, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -19720,18 +19720,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8380 CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1720.12, + "int8": 32.84, "fp16": "", - "fp32": 701.48, + "fp32": 18.05, "bf16": "" } ], @@ -19742,7 +19742,7 @@ "Precisions": [ { "int4": "", - "int8": 2.36, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -19754,19 +19754,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2931.47, + "int8": "", "fp16": "", - "fp32": 473.83, - "bf16": 1895.22 + "fp32": 7.54, + "bf16": "" } ], "Unit": "FPS", @@ -19776,10 +19776,10 @@ "Precisions": [ { "int4": "", - "int8": 3.85, + "int8": "", "fp16": "", "fp32": "", - "bf16": 4.76 + "bf16": "" } ], "Unit": "ms", @@ -19788,19 +19788,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 290.4, + "int8": 32.16, "fp16": "", - "fp32": 39.74, - "bf16": 198.51 + "fp32": 12.68, + "bf16": "" } ], "Unit": "FPS", @@ -19810,10 +19810,10 @@ "Precisions": [ { "int4": "", - "int8": 22.19, + "int8": "", "fp16": "", "fp32": "", - "bf16": 29.03 + "bf16": "" } ], "Unit": "ms", @@ -19822,18 +19822,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 55.36, "fp16": "", - "fp32": "", + "fp32": 25.15, "bf16": "" } ], @@ -19843,9 +19843,9 @@ "latency": { "Precisions": [ { - "int4": 31.05, - "int8": 43.8, - "fp16": 61.36, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -19856,19 +19856,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1400.47, + "int8": 29.16, "fp16": "", - "fp32": 830.29, - "bf16": 973.77 + "fp32": 11.65, + "bf16": "" } ], "Unit": "FPS", @@ -19878,10 +19878,10 @@ "Precisions": [ { "int4": "", - "int8": 4.68, + "int8": "", "fp16": "", "fp32": "", - "bf16": 5.14 + "bf16": "" } ], "Unit": "ms", @@ -19890,10 +19890,10 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -19901,7 +19901,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", + "fp32": 24.74, "bf16": "" } ], @@ -19911,9 +19911,9 @@ "latency": { "Precisions": [ { - "int4": 33.31, - "int8": 51.84, - "fp16": 71.57, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -19924,18 +19924,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 39.77, "fp16": "", - "fp32": "", + "fp32": 15.13, "bf16": "" } ], @@ -19945,9 +19945,9 @@ "latency": { "Precisions": [ { - "int4": 39.4, - "int8": 53.08, - "fp16": 73.24, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -19958,18 +19958,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "llama-3-8b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 52.61, "fp16": "", - "fp32": "", + "fp32": 20.01, "bf16": "" } ], @@ -19979,9 +19979,9 @@ "latency": { "Precisions": [ { - "int4": 40.65, - "int8": 54.93, - "fp16": 78.78, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -19992,19 +19992,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 59.55, + "int8": 14.47, "fp16": "", - "fp32": 5.11, - "bf16": 36.28 + "fp32": 4.84, + "bf16": "" } ], "Unit": "FPS", @@ -20014,10 +20014,10 @@ "Precisions": [ { "int4": "", - "int8": 62.18, + "int8": "", "fp16": "", "fp32": "", - "bf16": 80.51 + "bf16": "" } ], "Unit": "ms", @@ -20026,18 +20026,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 120.56, "fp16": "", - "fp32": "", + "fp32": 58.53, "bf16": "" } ], @@ -20047,9 +20047,9 @@ "latency": { "Precisions": [ { - "int4": 37.0, - "int8": 54.97, - "fp16": 75.4, + "int4": "", + "int8": "", + "fp16": "", "fp32": "", "bf16": "" } @@ -20060,19 +20060,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "yolo_v5m", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 38116.66, + "int8": 70.85, "fp16": "", - "fp32": 9572.39, - "bf16": 24622.8 + "fp32": 32.17, + "bf16": "" } ], "Unit": "FPS", @@ -20082,10 +20082,10 @@ "Precisions": [ { "int4": "", - "int8": 0.66, + "int8": "", "fp16": "", "fp32": "", - "bf16": 0.67 + "bf16": "" } ], "Unit": "ms", @@ -20094,18 +20094,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® x7425E CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 21.65, "fp16": "", - "fp32": "", + "fp32": 11.8, "bf16": "" } ], @@ -20115,9 +20115,9 @@ "latency": { "Precisions": [ { - "int4": 23.77, - "int8": 33.47, - "fp16": 46.2, + "int4": "", + "int8": 47.52, + "fp16": "", "fp32": "", "bf16": "" } @@ -20128,19 +20128,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® X6425E CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 19067.22, + "int8": 10.28, "fp16": "", - "fp32": 1533.78, - "bf16": 7132.74 + "fp32": 5.11, + "bf16": "" } ], "Unit": "FPS", @@ -20150,10 +20150,10 @@ "Precisions": [ { "int4": "", - "int8": 1.01, + "int8": 100.13, "fp16": "", "fp32": "", - "bf16": 1.26 + "bf16": "" } ], "Unit": "ms", @@ -20162,19 +20162,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Celeron® 6305E CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 25.98, "fp16": "", - "fp32": 30.34, - "bf16": 201.98 + "fp32": 9.65, + "bf16": "" } ], "Unit": "FPS", @@ -20184,10 +20184,10 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 40.09, "fp16": "", "fp32": "", - "bf16": 14.33 + "bf16": "" } ], "Unit": "ms", @@ -20196,19 +20196,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i3-8100 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 23871.79, + "int8": 53.64, "fp16": "", - "fp32": 3329.41, - "bf16": 11859.89 + "fp32": 32.13, + "bf16": "" } ], "Unit": "FPS", @@ -20218,10 +20218,10 @@ "Precisions": [ { "int4": "", - "int8": 0.75, + "int8": 19.04, "fp16": "", "fp32": "", - "bf16": 0.9 + "bf16": "" } ], "Unit": "ms", @@ -20230,18 +20230,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-10500TE CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 81.71, "fp16": "", - "fp32": "", + "fp32": 45.23, "bf16": "" } ], @@ -20252,8 +20252,8 @@ "Precisions": [ { "int4": "", - "int8": 3.9, - "fp16": 3.82, + "int8": 13.68, + "fp16": "", "fp32": "", "bf16": "" } @@ -20264,18 +20264,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1235U Processor CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 70.36, "fp16": "", - "fp32": "", + "fp32": 27.96, "bf16": "" } ], @@ -20286,8 +20286,8 @@ "Precisions": [ { "int4": "", - "int8": 3.9, - "fp16": 3.83, + "int8": 19.88, + "fp16": "", "fp32": "", "bf16": "" } @@ -20298,19 +20298,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1335U Processor CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 489.37, + "int8": 91.48, "fp16": "", - "fp32": 47.9, - "bf16": 256.98 + "fp32": 36.51, + "bf16": "" } ], "Unit": "FPS", @@ -20320,10 +20320,10 @@ "Precisions": [ { "int4": "", - "int8": 6.82, + "int8": 18.13, "fp16": "", "fp32": "", - "bf16": 10.34 + "bf16": "" } ], "Unit": "ms", @@ -20332,19 +20332,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-13600K CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 10663.3, + "int8": 272.16, "fp16": "", - "fp32": 1957.85, - "bf16": 7901.76 + "fp32": 103.27, + "bf16": "" } ], "Unit": "FPS", @@ -20354,10 +20354,10 @@ "Precisions": [ { "int4": "", - "int8": 0.9, + "int8": 5.12, "fp16": "", "fp32": "", - "bf16": 0.82 + "bf16": "" } ], "Unit": "ms", @@ -20366,19 +20366,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Platform": "Intel® Core™ i5-8500 CPU-only", "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 2347.05, + "int8": 84.24, "fp16": "", - "fp32": 917.84, - "bf16": 2272.95 + "fp32": 49.32, + "bf16": "" } ], "Unit": "FPS", @@ -20388,10 +20388,10 @@ "Precisions": [ { "int4": "", - "int8": 3.18, + "int8": 11.97, "fp16": "", "fp32": "", - "bf16": 2.58 + "bf16": "" } ], "Unit": "ms", @@ -20400,19 +20400,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185G7 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 4727.2, + "int8": 111.42, "fp16": "", - "fp32": 570.86, - "bf16": 3189.16 + "fp32": 40.37, + "bf16": "" } ], "Unit": "FPS", @@ -20422,10 +20422,10 @@ "Precisions": [ { "int4": "", - "int8": 3.68, + "int8": 10.1, "fp16": "", "fp32": "", - "bf16": 4.37 + "bf16": "" } ], "Unit": "ms", @@ -20434,19 +20434,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185GRE CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 369.57, + "int8": 76.56, "fp16": "", - "fp32": 51.03, - "bf16": 290.35 + "fp32": 27.61, + "bf16": "" } ], "Unit": "FPS", @@ -20456,10 +20456,10 @@ "Precisions": [ { "int4": "", - "int8": 16.84, + "int8": 13.37, "fp16": "", "fp32": "", - "bf16": 27.96 + "bf16": "" } ], "Unit": "ms", @@ -20468,18 +20468,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "chatglm2-6b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-12700H CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 200.97, "fp16": "", - "fp32": "", + "fp32": 75.16, "bf16": "" } ], @@ -20489,9 +20489,9 @@ "latency": { "Precisions": [ { - "int4": 25.04, - "int8": 33.9, - "fp16": 53.51, + "int4": "", + "int8": 6.52, + "fp16": "", "fp32": "", "bf16": "" } @@ -20502,19 +20502,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1355U Processor CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1732.67, + "int8": 101.43, "fp16": "", - "fp32": 1138.88, - "bf16": 1432.17 + "fp32": 40.83, + "bf16": "" } ], "Unit": "FPS", @@ -20524,10 +20524,10 @@ "Precisions": [ { "int4": "", - "int8": 4.7, + "int8": 16.95, "fp16": "", "fp32": "", - "bf16": 4.7 + "bf16": "" } ], "Unit": "ms", @@ -20536,10 +20536,10 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "falcon-7b-instruct", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -20557,9 +20557,9 @@ "latency": { "Precisions": [ { - "int4": 27.7, - "int8": 39.66, - "fp16": 61.46, + "int4": "", + "int8": 9.34, + "fp16": "", "fp32": "", "bf16": "" } @@ -20570,18 +20570,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "llama-2-7b-chat-hf", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-8700T CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 70.91, "fp16": "", - "fp32": "", + "fp32": 40.94, "bf16": "" } ], @@ -20591,9 +20591,9 @@ "latency": { "Precisions": [ { - "int4": 31.44, - "int8": 41.97, - "fp16": 63.62, + "int4": "", + "int8": 11.95, + "fp16": "", "fp32": "", "bf16": "" } @@ -20604,18 +20604,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "llama-3-8b", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i9-10900TE CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 89.73, "fp16": "", - "fp32": "", + "fp32": 48.88, "bf16": "" } ], @@ -20625,9 +20625,9 @@ "latency": { "Precisions": [ { - "int4": 34.15, - "int8": 43.97, - "fp16": 70.83, + "int4": "", + "int8": 12.74, + "fp16": "", "fp32": "", "bf16": "" } @@ -20638,19 +20638,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 76.64, + "int8": 387.96, "fp16": "", - "fp32": 6.4, - "bf16": 49.11 + "fp32": 154.46, + "bf16": "" } ], "Unit": "FPS", @@ -20660,10 +20660,10 @@ "Precisions": [ { "int4": "", - "int8": 55.27, + "int8": 4.11, "fp16": "", "fp32": "", - "bf16": 70.44 + "bf16": "" } ], "Unit": "ms", @@ -20672,18 +20672,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "mistral-7b-v0.1", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Processor N100 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 23.66, "fp16": "", - "fp32": "", + "fp32": 12.89, "bf16": "" } ], @@ -20693,9 +20693,9 @@ "latency": { "Precisions": [ { - "int4": 29.76, - "int8": 43.56, - "fp16": 67.94, + "int4": "", + "int8": 43.5, + "fp16": "", "fp32": "", "bf16": "" } @@ -20706,19 +20706,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Xeon® W1290P CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 40565.45, + "int8": 136.65, "fp16": "", - "fp32": 16295.77, - "bf16": 31334.21 + "fp32": 71.98, + "bf16": "" } ], "Unit": "FPS", @@ -20728,10 +20728,10 @@ "Precisions": [ { "int4": "", - "int8": 0.76, + "int8": 8.7, "fp16": "", "fp32": "", - "bf16": 0.77 + "bf16": "" } ], "Unit": "ms", @@ -20740,18 +20740,18 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "phi-3-mini-4k-instruct", - "Checked": true, + "Platform": "Intel® Xeon® E-2124G CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 51.95, "fp16": "", - "fp32": "", + "fp32": 32.5, "bf16": "" } ], @@ -20761,9 +20761,9 @@ "latency": { "Precisions": [ { - "int4": 18.67, - "int8": 26.01, - "fp16": 39.35, + "int4": "", + "int8": 19.42, + "fp16": "", "fp32": "", "bf16": "" } @@ -20774,19 +20774,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Xeon® Gold 5218T CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 22345.32, + "int8": 442.04, "fp16": "", - "fp32": 2027.96, - "bf16": 13919.52 + "fp32": 173.4, + "bf16": "" } ], "Unit": "FPS", @@ -20796,10 +20796,10 @@ "Precisions": [ { "int4": "", - "int8": 1.19, + "int8": 6.02, "fp16": "", "fp32": "", - "bf16": 1.32 + "bf16": "" } ], "Unit": "ms", @@ -20808,19 +20808,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8280 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 997.47, "fp16": "", - "fp32": 35.75, - "bf16": 280.99 + "fp32": 452.11, + "bf16": "" } ], "Unit": "FPS", @@ -20833,7 +20833,7 @@ "int8": "", "fp16": "", "fp32": "", - "bf16": 11.56 + "bf16": "" } ], "Unit": "ms", @@ -20842,19 +20842,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 28110.55, + "int8": 1718.36, "fp16": "", - "fp32": 4751.56, - "bf16": 17087.34 + "fp32": 701.27, + "bf16": "" } ], "Unit": "FPS", @@ -20864,10 +20864,10 @@ "Precisions": [ { "int4": "", - "int8": 0.74, + "int8": 2.39, "fp16": "", "fp32": "", - "bf16": 1.0 + "bf16": "" } ], "Unit": "ms", @@ -20876,19 +20876,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", + "int8": 2411.67, "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 959.63, + "bf16": 2381.88 } ], "Unit": "FPS", @@ -20898,10 +20898,10 @@ "Precisions": [ { "int4": "", - "int8": 3.33, - "fp16": 3.24, - "fp32": "", - "bf16": "" + "int8": 3.11, + "fp16": "", + "fp32": "", + "bf16": 2.53 } ], "Unit": "ms", @@ -20911,8 +20911,8 @@ }, { "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "stable-diffusion-v2-1", - "Checked": true, + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { @@ -20921,8 +20921,8 @@ "int4": "", "int8": "", "fp16": "", - "fp32": "", - "bf16": "" + "fp32": 1262.79, + "bf16": 3461.09 } ], "Unit": "FPS", @@ -20932,10 +20932,10 @@ "Precisions": [ { "int4": "", - "int8": 3.34, - "fp16": 3.25, + "int8": 3.15, + "fp16": "", "fp32": "", - "bf16": "" + "bf16": 2.62 } ], "Unit": "ms", @@ -20944,19 +20944,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, + "Platform": "Intel® Xeon® Gold 6238L CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 618.84, + "int8": 757.45, "fp16": "", - "fp32": 57.43, - "bf16": 340.8 + "fp32": 337.98, + "bf16": "" } ], "Unit": "FPS", @@ -20966,10 +20966,10 @@ "Precisions": [ { "int4": "", - "int8": 5.61, + "int8": 4.31, "fp16": "", "fp32": "", - "bf16": 7.75 + "bf16": "" } ], "Unit": "ms", @@ -20978,19 +20978,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, + "Platform": "Intel® Xeon® Silver 4316 CPU-only", + "Model": "yolo_v8n", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 15025.26, + "int8": 859.9, "fp16": "", - "fp32": 2508.91, - "bf16": 13648.94 + "fp32": 340.51, + "bf16": "" } ], "Unit": "FPS", @@ -21000,10 +21000,10 @@ "Precisions": [ { "int4": "", - "int8": 0.96, + "int8": 3.38, "fp16": "", "fp32": "", - "bf16": 0.85 + "bf16": "" } ], "Unit": "ms", @@ -21012,19 +21012,19 @@ } }, { - "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU-only", "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3054.7, + "int8": 166.62, "fp16": "", - "fp32": 1267.93, - "bf16": 3458.4 + "fp32": 64.56, + "bf16": "" } ], "Unit": "FPS", @@ -21034,10 +21034,10 @@ "Precisions": [ { "int4": "", - "int8": 3.12, + "int8": 12.93, "fp16": "", "fp32": "", - "bf16": 2.58 + "bf16": "" } ], "Unit": "ms", @@ -21046,18 +21046,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 209.57, + "int8": 127.76, "fp16": "", - "fp32": 76.84, + "fp32": 46.89, "bf16": "" } ], @@ -21068,7 +21068,7 @@ "Precisions": [ { "int4": "", - "int8": 15.15, + "int8": 14.67, "fp16": "", "fp32": "", "bf16": "" @@ -21080,18 +21080,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 9 processor 288V CPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 20.82, + "int8": 139.58, "fp16": "", - "fp32": 6.86, + "fp32": 59.12, "bf16": "" } ], @@ -21102,7 +21102,7 @@ "Precisions": [ { "int4": "", - "int8": 106.02, + "int8": 9.46, "fp16": "", "fp32": "", "bf16": "" @@ -21114,18 +21114,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 262.51, - "fp16": "", - "fp32": 160.86, + "int8": 803.05, + "fp16": 733.02, + "fp32": "", "bf16": "" } ], @@ -21136,7 +21136,7 @@ "Precisions": [ { "int4": "", - "int8": 11.26, + "int8": 2.32, "fp16": "", "fp32": "", "bf16": "" @@ -21148,18 +21148,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 3.11, + "int8": "", "fp16": "", - "fp32": 0.87, + "fp32": "", "bf16": "" } ], @@ -21170,7 +21170,7 @@ "Precisions": [ { "int4": "", - "int8": 657.59, + "int8": 3.14, "fp16": "", "fp32": "", "bf16": "" @@ -21182,18 +21182,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "mobilenet-v2", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 5175.19, - "fp16": "", - "fp32": 1873.96, + "int8": 322.1, + "fp16": 299.84, + "fp32": "", "bf16": "" } ], @@ -21204,7 +21204,7 @@ "Precisions": [ { "int4": "", - "int8": 1.62, + "int8": 3.75, "fp16": "", "fp32": "", "bf16": "" @@ -21216,18 +21216,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "resnet-50", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 155H NPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 927.96, - "fp16": "", - "fp32": 259.21, + "int8": 126.74, + "fp16": 129.8, + "fp32": "", "bf16": "" } ], @@ -21238,7 +21238,7 @@ "Precisions": [ { "int4": "", - "int8": 3.14, + "int8": 9.1, "fp16": "", "fp32": "", "bf16": "" @@ -21250,18 +21250,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H NPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", - "fp32": 4.37, + "int8": 127.62, + "fp16": 131.24, + "fp32": "", "bf16": "" } ], @@ -21272,7 +21272,7 @@ "Precisions": [ { "int4": "", - "int8": "", + "int8": 8.95, "fp16": "", "fp32": "", "bf16": "" @@ -21284,18 +21284,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 9 processor 288V NPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1997.4, - "fp16": "", - "fp32": 617.19, + "int8": 390.98, + "fp16": 506.71, + "fp32": "", "bf16": "" } ], @@ -21306,7 +21306,7 @@ "Precisions": [ { "int4": "", - "int8": 1.69, + "int8": 3.51, "fp16": "", "fp32": "", "bf16": "" @@ -21318,18 +21318,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® x7425E iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 27.5, - "fp16": "", - "fp32": 7.08, + "int8": 60.91, + "fp16": 44.63, + "fp32": "", "bf16": "" } ], @@ -21340,7 +21340,7 @@ "Precisions": [ { "int4": "", - "int8": 73.55, + "int8": 18.54, "fp16": "", "fp32": "", "bf16": "" @@ -21352,18 +21352,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Atom® X6425E iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1007.33, - "fp16": "", - "fp32": 320.41, + "int8": 31.72, + "fp16": 33.09, + "fp32": "", "bf16": "" } ], @@ -21374,7 +21374,7 @@ "Precisions": [ { "int4": "", - "int8": 2.68, + "int8": 35.85, "fp16": "", "fp32": "", "bf16": "" @@ -21386,18 +21386,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4216R CPU-only", + "Platform": "Intel® Celeron® 6305E iGPU-only", "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 425.85, - "fp16": "", - "fp32": 165.87, + "int8": 121.95, + "fp16": 81.83, + "fp32": "", "bf16": "" } ], @@ -21408,7 +21408,7 @@ "Precisions": [ { "int4": "", - "int8": 6.27, + "int8": 10.32, "fp16": "", "fp32": "", "bf16": "" @@ -21420,18 +21420,52 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i5-1235U Processor iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 435.85, + "int8": 130.79, + "fp16": 80.07, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 8.12, "fp16": "", - "fp32": 167.84, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i5-1335U Processor iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 133.28, + "fp16": 83.52, + "fp32": "", "bf16": "" } ], @@ -21442,7 +21476,7 @@ "Precisions": [ { "int4": "", - "int8": 7.94, + "int8": 6.92, "fp16": "", "fp32": "", "bf16": "" @@ -21454,18 +21488,52 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1185G7 iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 39.05, + "int8": 164.13, + "fp16": 112.15, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", "fp16": "", - "fp32": 15.17, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1185GRE iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 117.62, + "fp16": 77.67, + "fp32": "", "bf16": "" } ], @@ -21476,7 +21544,7 @@ "Precisions": [ { "int4": "", - "int8": 62.3, + "int8": 9.6, "fp16": "", "fp32": "", "bf16": "" @@ -21488,18 +21556,52 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-12700H iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 500.81, + "int8": 218.62, + "fp16": 149.58, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 5.56, "fp16": "", - "fp32": 302.76, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1355U Processor iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 164.07, + "fp16": 107.64, + "fp32": "", "bf16": "" } ], @@ -21510,7 +21612,7 @@ "Precisions": [ { "int4": "", - "int8": 5.83, + "int8": 6.35, "fp16": "", "fp32": "", "bf16": "" @@ -21522,18 +21624,2466 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 5.83, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Processor N100 iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 47.04, + "fp16": 34.98, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 23.03, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 155H iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 388.85, + "fp16": 291.51, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 2.61, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 386.42, + "fp16": 271.08, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 3.16, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 442.05, + "fp16": 412.46, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": 3.33, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Atom® x7425E CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 68.47, + "fp16": "", + "fp32": 36.85, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Atom® X6425E CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 36.31, + "fp16": "", + "fp32": 34.01, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Celeron® 6305E CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 114.66, + "fp16": "", + "fp32": 78.23, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i5-1235U Processor CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": 36.38, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i5-1335U Processor CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 126.5, + "fp16": "", + "fp32": 58.24, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1185G7 CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 184.9, + "fp16": "", + "fp32": 103.88, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1185GRE CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 100.37, + "fp16": "", + "fp32": 51.71, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-12700H CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": 117.6, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1355U Processor CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 154.41, + "fp16": "", + "fp32": 72.66, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 227.78, + "fp16": "", + "fp32": 103.62, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Processor N100 CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Mobile Platforms (Intel® Atom™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 61.09, + "fp16": "", + "fp32": 28.95, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 155H CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 369.1, + "fp16": "", + "fp32": 228.3, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU+iGPU", + "Model": "yolo_v8n", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": 253.52, + "fp16": "", + "fp32": 149.21, + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 15.4, + "int8": 11.0, + "fp16": 5.7, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 64.94, + "int8": 90.95, + "fp16": 176.6, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 30.9, + "int8": 22.8, + "fp16": 12.7, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 32.39, + "int8": 43.95, + "fp16": 78.58, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 33.7, + "int8": 25.7, + "fp16": 16.2, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 29.69, + "int8": 38.85, + "fp16": 61.67, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 39.5, + "int8": 29.1, + "fp16": 18.6, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 25.3, + "int8": 34.31, + "fp16": 53.7, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 9.4, + "int8": 6.2, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 106.9, + "int8": 162.58, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 56.8, + "int8": 45.2, + "fp16": 26.5, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 17.61, + "int8": 22.14, + "fp16": 37.67, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 45.5, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 21.99, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 11.4, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 87.86, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 15.8, + "int8": 11.3, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 63.49, + "int8": 88.47, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "chatglm2-6b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 18.0, + "int8": 12.6, + "fp16": 7.0, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 55.41, + "int8": 79.46, + "fp16": 142.26, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 14.8, + "int8": 9.4, + "fp16": 4.9, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 67.35, + "int8": 106.1, + "fp16": 205.6, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 28.4, + "int8": 19.7, + "fp16": 10.9, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 35.25, + "int8": 50.64, + "fp16": 91.76, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 30.6, + "int8": 21.6, + "fp16": 14.1, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 32.72, + "int8": 46.36, + "fp16": 71.16, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 35.7, + "int8": 24.3, + "fp16": 15.9, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 28.02, + "int8": 41.12, + "fp16": 62.78, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 9.8, + "int8": 5.4, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 102.44, + "int8": 186.87, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 44.7, + "int8": 32.1, + "fp16": 21.3, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 22.37, + "int8": 31.17, + "fp16": 47.04, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 34.7, + "int8": 25.8, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 28.79, + "int8": 38.77, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 5.7, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 174.81, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 6.5, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 153.92, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 14.2, + "int8": 9.7, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 70.34, + "int8": 102.9, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "falcon-7b-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 17.6, + "int8": 10.8, + "fp16": 6.1, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 56.96, + "int8": 92.92, + "fp16": 164.05, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 13.4, + "int8": 9.3, + "fp16": 5.0, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 74.6, + "int8": 107.69, + "fp16": 201.87, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 25.2, + "int8": 18.4, + "fp16": 10.6, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 39.73, + "int8": 54.31, + "fp16": 94.63, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 26.7, + "int8": 20.3, + "fp16": 14.2, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 37.4, + "int8": 49.27, + "fp16": 70.22, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 32.5, + "int8": 23.1, + "fp16": 16.4, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 30.75, + "int8": 43.23, + "fp16": 60.97, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 8.6, + "int8": 5.3, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 116.29, + "int8": 189.6, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 45.3, + "int8": 35.9, + "fp16": 21.8, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 22.08, + "int8": 27.87, + "fp16": 45.77, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 38.1, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 26.27, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 5.4, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 184.58, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 13.3, + "int8": 9.1, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 75.47, + "int8": 109.71, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "llama-2-7b-chat", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 15.6, + "int8": 10.4, + "fp16": 5.8, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 64.18, + "int8": 95.84, + "fp16": 171.66, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 11.8, + "int8": 8.7, + "fp16": 4.5, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 84.87, + "int8": 115.0, + "fp16": 223.46, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 26.1, + "int8": 17.6, + "fp16": 9.8, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 38.25, + "int8": 56.78, + "fp16": 102.16, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 25.3, + "int8": 19.3, + "fp16": 13.3, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 39.49, + "int8": 51.8, + "fp16": 75.23, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 28.9, + "int8": 21.2, + "fp16": 15.0, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 34.63, + "int8": 47.15, + "fp16": 66.83, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 4.8, + "int8": 4.9, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 209.01, + "int8": 205.41, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 45.6, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 21.92, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 35.3, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 28.33, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 5.7, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 175.65, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": "", + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 14.3, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 70.04, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "llama-3-8b", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 17.0, + "int8": 9.7, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 58.82, + "int8": 102.99, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 14.4, + "int8": 9.1, + "fp16": 4.7, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 69.6, + "int8": 109.3, + "fp16": 212.27, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 27.1, + "int8": 18.3, + "fp16": 10.3, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 36.86, + "int8": 54.59, + "fp16": 97.42, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 27.8, + "int8": 20.0, + "fp16": 13.9, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 35.91, + "int8": 49.99, + "fp16": 72.1, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Server Platforms (Intel® Xeon®)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 33.0, + "int8": 22.7, + "fp16": 15.8, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 30.3, + "int8": 44.07, + "fp16": 63.31, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 9.0, + "int8": 5.0, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 111.21, + "int8": 201.82, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 46.0, + "int8": 34.4, + "fp16": 21.0, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 21.76, + "int8": 29.06, + "fp16": 47.66, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 38.0, + "int8": "", + "fp16": 17.9, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 26.33, + "int8": "", + "fp16": 55.81, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Accelerator Platforms", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 11.1, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 90.09, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 5.8, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 171.03, + "int8": "", + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 14.6, + "int8": 9.3, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 68.27, + "int8": 108.02, + "fp16": "", + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "mistral-7b-v0.1", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", + "Parameters": { + "throughput": { + "Precisions": [ + { + "int4": 16.7, + "int8": 10.2, + "fp16": 5.7, + "fp32": "", + "bf16": "" + } + ], + "Unit": "FPS", + "UnitDesc": "higher is better" + }, + "latency": { + "Precisions": [ + { + "int4": 60.02, + "int8": 98.33, + "fp16": 176.33, + "fp32": "", + "bf16": "" + } + ], + "Unit": "ms", + "UnitDesc": "lower is better" + } + } + }, + { + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 7.22, - "fp16": "", - "fp32": 1.76, + "int4": 23.3, + "int8": 15.6, + "fp16": 8.5, + "fp32": "", "bf16": "" } ], @@ -21543,9 +24093,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 281.71, - "fp16": "", + "int4": 42.95, + "int8": 64.22, + "fp16": 117.2, "fp32": "", "bf16": "" } @@ -21556,18 +24106,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 12272.08, - "fp16": "", - "fp32": 3591.32, + "int4": 40.8, + "int8": 29.1, + "fp16": 17.1, + "fp32": "", "bf16": "" } ], @@ -21577,9 +24127,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 0.63, - "fp16": "", + "int4": 24.53, + "int8": 34.38, + "fp16": 58.33, "fp32": "", "bf16": "" } @@ -21590,18 +24140,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 2264.37, - "fp16": "", - "fp32": 569.28, + "int4": 43.6, + "int8": 33.3, + "fp16": 22.0, + "fp32": "", "bf16": "" } ], @@ -21611,9 +24161,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 1.55, - "fp16": "", + "int4": 22.94, + "int8": 30.03, + "fp16": 45.44, "fp32": "", "bf16": "" } @@ -21624,18 +24174,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": "", - "fp16": "", - "fp32": 10.56, + "int4": 52.2, + "int8": 39.0, + "fp16": 25.9, + "fp32": "", "bf16": "" } ], @@ -21645,9 +24195,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": "", - "fp16": "", + "int4": 19.15, + "int8": 25.66, + "fp16": 38.58, "fp32": "", "bf16": "" } @@ -21658,18 +24208,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H CPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 4708.99, - "fp16": "", - "fp32": 1235.24, + "int4": 11.6, + "int8": 8.6, + "fp16": 6.9, + "fp32": "", "bf16": "" } ], @@ -21679,9 +24229,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 1.01, - "fp16": "", + "int4": 86.42, + "int8": 116.68, + "fp16": 145.89, "fp32": "", "bf16": "" } @@ -21692,18 +24242,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 170 dGPU", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 70.37, - "fp16": "", - "fp32": 16.53, + "int4": 55.6, + "int8": 46.6, + "fp16": 31.6, + "fp32": "", "bf16": "" } ], @@ -21713,9 +24263,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 29.89, - "fp16": "", + "int4": 17.98, + "int8": 21.47, + "fp16": 31.63, "fp32": "", "bf16": "" } @@ -21726,18 +24276,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 2232.73, + "int4": 41.9, + "int8": "", "fp16": "", - "fp32": 696.62, + "fp32": "", "bf16": "" } ], @@ -21747,8 +24297,8 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 1.39, + "int4": 23.88, + "int8": "", "fp16": "", "fp32": "", "bf16": "" @@ -21760,18 +24310,18 @@ } }, { - "Platform": "Intel® Xeon® Silver 4316 CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 868.1, + "int4": 18.8, + "int8": 10.7, "fp16": "", - "fp32": 341.49, + "fp32": "", "bf16": "" } ], @@ -21781,8 +24331,8 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 3.33, + "int4": 53.33, + "int8": 93.53, "fp16": "", "fp32": "", "bf16": "" @@ -21794,18 +24344,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "bert-base-cased", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 52.43, + "int4": 9.7, + "int8": 6.1, "fp16": "", - "fp32": 36.18, + "fp32": "", "bf16": "" } ], @@ -21815,8 +24365,8 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 27.41, + "int4": 102.87, + "int8": 165.24, "fp16": "", "fp32": "", "bf16": "" @@ -21828,18 +24378,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "bert-large-uncased-whole-word-masking-squad-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 7 processor 165H iGPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 5.15, - "fp16": "", - "fp32": 3.32, + "int4": 23.1, + "int8": 15.7, + "fp16": 9.1, + "fp32": "", "bf16": "" } ], @@ -21849,9 +24399,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 257.26, - "fp16": "", + "int4": 43.28, + "int8": 63.82, + "fp16": 109.36, "fp32": "", "bf16": "" } @@ -21862,18 +24412,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "efficientdet-d0", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "phi-3-mini-4k-instruct", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": "", - "int8": 96.11, - "fp16": "", - "fp32": 46.96, + "int4": 25.6, + "int8": 16.7, + "fp16": 10.3, + "fp32": "", "bf16": "" } ], @@ -21883,9 +24433,9 @@ "latency": { "Precisions": [ { - "int4": "", - "int8": 13.55, - "fp16": "", + "int4": 38.99, + "int8": 59.98, + "fp16": 96.89, "fp32": "", "bf16": "" } @@ -21896,18 +24446,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "mask_rcnn_resnet50_atrous_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i9-13900K CPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 0.75, + "int8": "", "fp16": "", - "fp32": 0.28, + "fp32": "", "bf16": "" } ], @@ -21918,8 +24468,8 @@ "Precisions": [ { "int4": "", - "int8": 1441.58, - "fp16": "", + "int8": 42.87, + "fp16": 41.99, "fp32": "", "bf16": "" } @@ -21930,18 +24480,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "mobilenet-v2", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8380 CPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 1446.3, + "int8": "", "fp16": "", - "fp32": 663.43, + "fp32": "", "bf16": "" } ], @@ -21952,8 +24502,8 @@ "Precisions": [ { "int4": "", - "int8": 1.28, - "fp16": "", + "int8": 14.24, + "fp16": 14.44, "fp32": "", "bf16": "" } @@ -21964,18 +24514,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "resnet-50", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8480+ CPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 244.84, + "int8": "", "fp16": "", - "fp32": 123.21, + "fp32": "", "bf16": "" } ], @@ -21986,8 +24536,8 @@ "Precisions": [ { "int4": "", - "int8": 5.34, - "fp16": "", + "int8": 4.67, + "fp16": 4.55, "fp32": "", "bf16": "" } @@ -21998,9 +24548,9 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "ssd-resnet34-1200", - "Checked": true, + "Platform": "Intel® Xeon® Platinum 8580 CPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", "PlatformType": "Server Platforms (Intel® Xeon®)", "Parameters": { "throughput": { @@ -22009,7 +24559,7 @@ "int4": "", "int8": "", "fp16": "", - "fp32": 2.3, + "fp32": "", "bf16": "" } ], @@ -22020,8 +24570,8 @@ "Precisions": [ { "int4": "", - "int8": "", - "fp16": "", + "int8": 4.13, + "fp16": 4.04, "fp32": "", "bf16": "" } @@ -22032,18 +24582,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "ssd_mobilenet_v1_coco", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Arc™ A-Series Graphics dGPU", + "Model": "stable-diffusion-v1-5", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 577.33, + "int8": "", "fp16": "", - "fp32": 271.36, + "fp32": "", "bf16": "" } ], @@ -22054,8 +24604,8 @@ "Precisions": [ { "int4": "", - "int8": 2.36, - "fp16": "", + "int8": 2.55, + "fp16": 2.47, "fp32": "", "bf16": "" } @@ -22066,18 +24616,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "unet-camvid-onnx-0001", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Data Center GPU Flex 140 dGPU", + "Model": "stable-diffusion-v1-5", + "Checked": "true", + "PlatformType": "Accelerator Platforms", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 6.16, + "int8": "", "fp16": "", - "fp32": 3.31, + "fp32": "", "bf16": "" } ], @@ -22088,8 +24638,8 @@ "Precisions": [ { "int4": "", - "int8": 176.77, - "fp16": "", + "int8": 10.8, + "fp16": 10.89, "fp32": "", "bf16": "" } @@ -22100,18 +24650,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "yolo_v3_tiny", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ i7-1360P iGPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 298.95, + "int8": "", "fp16": "", - "fp32": 120.89, + "fp32": "", "bf16": "" } ], @@ -22122,8 +24672,8 @@ "Precisions": [ { "int4": "", - "int8": 3.96, - "fp16": "", + "int8": 33.5, + "fp16": 32.47, "fp32": "", "bf16": "" } @@ -22134,18 +24684,18 @@ } }, { - "Platform": "Intel® Xeon® W1290P CPU-only", - "Model": "yolo_v8n", - "Checked": true, - "PlatformType": "Server Platforms (Intel® Xeon®)", + "Platform": "Intel® Core™ Ultra 9 processor 288V iGPU-only", + "Model": "stable-diffusion-v1-5", + "Checked": "true", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { "int4": "", - "int8": 134.9, + "int8": "", "fp16": "", - "fp32": 72.23, + "fp32": "", "bf16": "" } ], @@ -22156,8 +24706,8 @@ "Precisions": [ { "int4": "", - "int8": 9.02, - "fp16": "", + "int8": 5.67, + "fp16": 5.33, "fp32": "", "bf16": "" } @@ -22168,10 +24718,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "bert-base-cased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22202,10 +24752,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "bert-large-uncased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22236,10 +24786,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "efficientdet-d0", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22270,10 +24820,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "mask_rcnn_resnet50_atrous_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22304,10 +24854,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "mobilenet-v2", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22338,10 +24888,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "resnet-50", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22372,10 +24922,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "ssd_mobilenet_v1_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22406,10 +24956,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "ssd-resnet34-1200", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22440,10 +24990,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "unet-camvid-onnx-0001", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22474,10 +25024,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "yolo_v5m", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22508,10 +25058,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU-only", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU-only", "Model": "yolo_v8n", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22542,10 +25092,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "bert-base-cased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22576,10 +25126,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "bert-large-uncased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22610,10 +25160,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "efficientdet-d0", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22644,10 +25194,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "mask_rcnn_resnet50_atrous_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22678,10 +25228,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "mobilenet-v2", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22712,10 +25262,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "resnet-50", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22746,10 +25296,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "ssd_mobilenet_v1_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22780,10 +25330,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "ssd-resnet34-1200", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22814,10 +25364,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "unet-camvid-onnx-0001", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22848,10 +25398,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "yolo_v5m", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22882,10 +25432,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "yolo_v8n", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22916,10 +25466,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "bert-base-cased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22950,10 +25500,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "bert-large-uncased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -22984,10 +25534,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "efficientdet-d0", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23018,10 +25568,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "mask_rcnn_resnet50_atrous_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23052,10 +25602,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "mobilenet-v2", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23086,10 +25636,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "resnet-50", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23120,10 +25670,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "ssd_mobilenet_v1_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23154,10 +25704,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "ssd-resnet34-1200", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23188,10 +25738,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "unet-camvid-onnx-0001", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23222,10 +25772,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "yolo_v5m", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23256,10 +25806,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V CPU+iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V CPU+iGPU", "Model": "yolo_v8n", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23290,10 +25840,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "bert-base-cased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23324,10 +25874,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "bert-large-uncased", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23358,10 +25908,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "efficientdet-d0", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23392,10 +25942,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "mask_rcnn_resnet50_atrous_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23426,10 +25976,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "mobilenet-v2", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23460,10 +26010,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "resnet-50", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23494,10 +26044,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "ssd_mobilenet_v1_coco", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23528,10 +26078,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "ssd-resnet34-1200", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23562,10 +26112,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "unet-camvid-onnx-0001", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23596,10 +26146,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "yolo_v5m", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23630,10 +26180,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V NPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V NPU", "Model": "yolo_v8n", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ @@ -23664,15 +26214,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "chatglm2-6b", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 14.8, + "int4": 20.6, "int8": "", "fp16": "", "fp32": "", @@ -23685,7 +26235,7 @@ "latency": { "Precisions": [ { - "int4": 67, + "int4": 48, "int8": "", "fp16": "", "fp32": "", @@ -23698,15 +26248,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "falcon-7b-instruct", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 13.4, + "int4": 18.8, "int8": "", "fp16": "", "fp32": "", @@ -23719,7 +26269,7 @@ "latency": { "Precisions": [ { - "int4": 74, + "int4": 53, "int8": "", "fp16": "", "fp32": "", @@ -23732,15 +26282,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "llama-2-7b-chat-hf", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 11.8, + "int4": 17.5, "int8": "", "fp16": "", "fp32": "", @@ -23753,7 +26303,7 @@ "latency": { "Precisions": [ { - "int4": 84, + "int4": 57, "int8": "", "fp16": "", "fp32": "", @@ -23766,15 +26316,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "llama-3-8b", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 12.9, + "int4": 19.2, "int8": "", "fp16": "", "fp32": "", @@ -23787,7 +26337,7 @@ "latency": { "Precisions": [ { - "int4": 77, + "int4": 52, "int8": "", "fp16": "", "fp32": "", @@ -23800,15 +26350,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "mistral-7b-v0.1", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 14.3, + "int4": 18.2, "int8": "", "fp16": "", "fp32": "", @@ -23821,7 +26371,7 @@ "latency": { "Precisions": [ { - "int4": 69, + "int4": 54, "int8": "", "fp16": "", "fp32": "", @@ -23834,15 +26384,15 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "phi-3-mini-4k-instruct", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ { - "int4": 23.5, + "int4": 29.5, "int8": "", "fp16": "", "fp32": "", @@ -23855,7 +26405,7 @@ "latency": { "Precisions": [ { - "int4": 42, + "int4": 34, "int8": "", "fp16": "", "fp32": "", @@ -23868,10 +26418,10 @@ } }, { - "Platform": "Intel(R) Core(TM) Ultra 7 processor 268V iGPU", + "Platform": "Intel® Core™ Ultra 7 processor 268V iGPU", "Model": "stable-diffusion-v1-5", "Checked": "true", - "PlatformType": "Client Platforms (Intel(R) Core(TM))", + "PlatformType": "Client Platforms (Intel® Core™)", "Parameters": { "throughput": { "Precisions": [ diff --git a/docs/sphinx_setup/_static/js/custom.js b/docs/sphinx_setup/_static/js/custom.js index e67a09e84f7549..df8bc9131bf42e 100644 --- a/docs/sphinx_setup/_static/js/custom.js +++ b/docs/sphinx_setup/_static/js/custom.js @@ -125,13 +125,15 @@ function handleSidebar() { function initSidebar() { const sidebar = document.querySelector("#bd-sidebar"); - var size; - if(localStorage['resizeSidebarX'] == null){ - size = "350px"; - }else{ - size = localStorage['resizeSidebarX']; + if (sidebar) { + var size; + if (localStorage['resizeSidebarX'] == null) { + size = "350px"; + } else { + size = localStorage['resizeSidebarX']; + } + sidebar.style.flexBasis = size; } - sidebar.style.flexBasis = size; } // Determine where we'd go if clicking on a version selector option diff --git a/docs/sphinx_setup/_static/js/graphs.js b/docs/sphinx_setup/_static/js/graphs.js index 62224cedd3b3fb..f8146c1580c58e 100644 --- a/docs/sphinx_setup/_static/js/graphs.js +++ b/docs/sphinx_setup/_static/js/graphs.js @@ -637,7 +637,7 @@ $(document).ready(function () { } } } - } Throughput + } function getChartDataNew(labels, datasets) { return { diff --git a/docs/sphinx_setup/_static/selector-tool/assets/selector-83076730.js b/docs/sphinx_setup/_static/selector-tool/assets/selector-4f9c3c09.js similarity index 51% rename from docs/sphinx_setup/_static/selector-tool/assets/selector-83076730.js rename to docs/sphinx_setup/_static/selector-tool/assets/selector-4f9c3c09.js index c6a30484013d7a..0836ad1aed41f3 100644 --- a/docs/sphinx_setup/_static/selector-tool/assets/selector-83076730.js +++ b/docs/sphinx_setup/_static/selector-tool/assets/selector-4f9c3c09.js @@ -1,4 +1,4 @@ -var Xf=Object.defineProperty;var Jf=(e,t,n)=>t in e?Xf(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n;var ze=(e,t,n)=>(Jf(e,typeof t!="symbol"?t+"":t,n),n);function uc(e){return e&&e.__esModule&&Object.prototype.hasOwnProperty.call(e,"default")?e.default:e}var cc={exports:{}},po={},dc={exports:{}},D={};/** +var Xf=Object.defineProperty;var Jf=(e,t,n)=>t in e?Xf(e,t,{enumerable:!0,configurable:!0,writable:!0,value:n}):e[t]=n;var Ve=(e,t,n)=>(Jf(e,typeof t!="symbol"?t+"":t,n),n);function uc(e){return e&&e.__esModule&&Object.prototype.hasOwnProperty.call(e,"default")?e.default:e}var cc={exports:{}},po={},dc={exports:{}},D={};/** * @license React * react.production.min.js * @@ -6,7 +6,7 @@ var Xf=Object.defineProperty;var Jf=(e,t,n)=>t in e?Xf(e,t,{enumerable:!0,config * * This source code is licensed under the MIT license found in the * LICENSE file in the root directory of this source tree. - */var qr=Symbol.for("react.element"),Zf=Symbol.for("react.portal"),qf=Symbol.for("react.fragment"),ep=Symbol.for("react.strict_mode"),tp=Symbol.for("react.profiler"),np=Symbol.for("react.provider"),rp=Symbol.for("react.context"),ip=Symbol.for("react.forward_ref"),op=Symbol.for("react.suspense"),lp=Symbol.for("react.memo"),sp=Symbol.for("react.lazy"),Oa=Symbol.iterator;function ap(e){return e===null||typeof e!="object"?null:(e=Oa&&e[Oa]||e["@@iterator"],typeof e=="function"?e:null)}var fc={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},pc=Object.assign,hc={};function sr(e,t,n){this.props=e,this.context=t,this.refs=hc,this.updater=n||fc}sr.prototype.isReactComponent={};sr.prototype.setState=function(e,t){if(typeof e!="object"&&typeof e!="function"&&e!=null)throw Error("setState(...): takes an object of state variables to update or a function which returns an object of state variables.");this.updater.enqueueSetState(this,e,t,"setState")};sr.prototype.forceUpdate=function(e){this.updater.enqueueForceUpdate(this,e,"forceUpdate")};function mc(){}mc.prototype=sr.prototype;function hs(e,t,n){this.props=e,this.context=t,this.refs=hc,this.updater=n||fc}var ms=hs.prototype=new mc;ms.constructor=hs;pc(ms,sr.prototype);ms.isPureReactComponent=!0;var _a=Array.isArray,gc=Object.prototype.hasOwnProperty,gs={current:null},vc={key:!0,ref:!0,__self:!0,__source:!0};function yc(e,t,n){var r,i={},o=null,l=null;if(t!=null)for(r in t.ref!==void 0&&(l=t.ref),t.key!==void 0&&(o=""+t.key),t)gc.call(t,r)&&!vc.hasOwnProperty(r)&&(i[r]=t[r]);var s=arguments.length-2;if(s===1)i.children=n;else if(1t in e?Xf(e,t,{enumerable:!0,config * LICENSE file in the root directory of this source tree. */var hp=U,mp=Symbol.for("react.element"),gp=Symbol.for("react.fragment"),vp=Object.prototype.hasOwnProperty,yp=hp.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED.ReactCurrentOwner,wp={key:!0,ref:!0,__self:!0,__source:!0};function wc(e,t,n){var r,i={},o=null,l=null;n!==void 0&&(o=""+n),t.key!==void 0&&(o=""+t.key),t.ref!==void 0&&(l=t.ref);for(r in t)vp.call(t,r)&&!wp.hasOwnProperty(r)&&(i[r]=t[r]);if(e&&e.defaultProps)for(r in t=e.defaultProps,t)i[r]===void 0&&(i[r]=t[r]);return{$$typeof:mp,type:e,key:o,ref:l,props:i,_owner:yp.current}}po.Fragment=gp;po.jsx=wc;po.jsxs=wc;cc.exports=po;var ys=cc.exports;const Zn=ys.Fragment,v=ys.jsx,R=ys.jsxs;document.body.style.cssText+=` overflow: hidden; -`;const kp=()=>{const e={type:"size",height:document.body.offsetHeight};window.parent.postMessage(e)};new ResizeObserver(kp).observe(document.body);function pe(e){"@babel/helpers - typeof";return pe=typeof Symbol=="function"&&typeof Symbol.iterator=="symbol"?function(t){return typeof t}:function(t){return t&&typeof Symbol=="function"&&t.constructor===Symbol&&t!==Symbol.prototype?"symbol":typeof t},pe(e)}function ft(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}function Sp(e,t){if(pe(e)!=="object"||e===null)return e;var n=e[Symbol.toPrimitive];if(n!==void 0){var r=n.call(e,t||"default");if(pe(r)!=="object")return r;throw new TypeError("@@toPrimitive must return a primitive value.")}return(t==="string"?String:Number)(e)}function kc(e){var t=Sp(e,"string");return pe(t)==="symbol"?t:String(t)}function Pa(e,t){for(var n=0;ne.length)&&(t=e.length);for(var n=0,r=new Array(t);n1&&arguments[1]!==void 0?arguments[1]:{};ft(this,e),this.init(t,n)}return pt(e,[{key:"init",value:function(n){var r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};this.prefix=r.prefix||"i18next:",this.logger=n||Np,this.options=r,this.debug=r.debug}},{key:"setDebug",value:function(n){this.debug=n}},{key:"log",value:function(){for(var n=arguments.length,r=new Array(n),i=0;i1?r-1:0),o=1;o-1?s.replace(/###/g,"."):s}function i(){return!e||typeof e=="string"}for(var o=typeof t!="string"?[].concat(t):t.split(".");o.length>1;){if(i())return{};var l=r(o.shift());!e[l]&&n&&(e[l]=new n),Object.prototype.hasOwnProperty.call(e,l)?e=e[l]:e={}}return i()?{}:{obj:e,k:r(o.shift())}}function Ta(e,t,n){var r=ws(e,t,Object),i=r.obj,o=r.k;i[o]=n}function Ep(e,t,n,r){var i=ws(e,t,Object),o=i.obj,l=i.k;o[l]=o[l]||[],r&&(o[l]=o[l].concat(n)),r||o[l].push(n)}function zi(e,t){var n=ws(e,t),r=n.obj,i=n.k;if(r)return r[i]}function Ra(e,t,n){var r=zi(e,n);return r!==void 0?r:zi(t,n)}function Nc(e,t,n){for(var r in t)r!=="__proto__"&&r!=="constructor"&&(r in e?typeof e[r]=="string"||e[r]instanceof String||typeof t[r]=="string"||t[r]instanceof String?n&&(e[r]=t[r]):Nc(e[r],t[r],n):e[r]=t[r]);return e}function Tn(e){return e.replace(/[\-\[\]\/\{\}\(\)\*\+\?\.\\\^\$\|]/g,"\\$&")}var Cp={"&":"&","<":"<",">":">",'"':""","'":"'","/":"/"};function Ip(e){return typeof e=="string"?e.replace(/[&<>"'\/]/g,function(t){return Cp[t]}):e}var mo=typeof window<"u"&&window.navigator&&typeof window.navigator.userAgentData>"u"&&window.navigator.userAgent&&window.navigator.userAgent.indexOf("MSIE")>-1,Tp=[" ",",","?","!",";"];function Rp(e,t,n){t=t||"",n=n||"";var r=Tp.filter(function(s){return t.indexOf(s)<0&&n.indexOf(s)<0});if(r.length===0)return!0;var i=new RegExp("(".concat(r.map(function(s){return s==="?"?"\\?":s}).join("|"),")")),o=!i.test(e);if(!o){var l=e.indexOf(n);l>0&&!i.test(e.substring(0,l))&&(o=!0)}return o}function La(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function si(e){for(var t=1;t"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function Pc(e,t){var n=arguments.length>2&&arguments[2]!==void 0?arguments[2]:".";if(e){if(e[t])return e[t];for(var r=t.split(n),i=e,o=0;oo+l;)l++,s=r.slice(o,o+l).join(n),a=i[s];if(a===void 0)return;if(a===null)return null;if(t.endsWith(s)){if(typeof a=="string")return a;if(s&&typeof a[s]=="string")return a[s]}var u=r.slice(o+l).join(n);return u?Pc(a,u,n):void 0}i=i[r[o]]}return i}}var Fp=function(e){ho(n,e);var t=Lp(n);function n(r){var i,o=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{ns:["translation"],defaultNS:"translation"};return ft(this,n),i=t.call(this),mo&&en.call(Ht(i)),i.data=r||{},i.options=o,i.options.keySeparator===void 0&&(i.options.keySeparator="."),i.options.ignoreJSONStructure===void 0&&(i.options.ignoreJSONStructure=!0),i}return pt(n,[{key:"addNamespaces",value:function(i){this.options.ns.indexOf(i)<0&&this.options.ns.push(i)}},{key:"removeNamespaces",value:function(i){var o=this.options.ns.indexOf(i);o>-1&&this.options.ns.splice(o,1)}},{key:"getResource",value:function(i,o,l){var s=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{},a=s.keySeparator!==void 0?s.keySeparator:this.options.keySeparator,u=s.ignoreJSONStructure!==void 0?s.ignoreJSONStructure:this.options.ignoreJSONStructure,p=[i,o];l&&typeof l!="string"&&(p=p.concat(l)),l&&typeof l=="string"&&(p=p.concat(a?l.split(a):l)),i.indexOf(".")>-1&&(p=i.split("."));var d=zi(this.data,p);return d||!u||typeof l!="string"?d:Pc(this.data&&this.data[i]&&this.data[i][o],l,a)}},{key:"addResource",value:function(i,o,l,s){var a=arguments.length>4&&arguments[4]!==void 0?arguments[4]:{silent:!1},u=this.options.keySeparator;u===void 0&&(u=".");var p=[i,o];l&&(p=p.concat(u?l.split(u):l)),i.indexOf(".")>-1&&(p=i.split("."),s=o,o=p[1]),this.addNamespaces(o),Ta(this.data,p,s),a.silent||this.emit("added",i,o,l,s)}},{key:"addResources",value:function(i,o,l){var s=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{silent:!1};for(var a in l)(typeof l[a]=="string"||Object.prototype.toString.apply(l[a])==="[object Array]")&&this.addResource(i,o,a,l[a],{silent:!0});s.silent||this.emit("added",i,o,l)}},{key:"addResourceBundle",value:function(i,o,l,s,a){var u=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{silent:!1},p=[i,o];i.indexOf(".")>-1&&(p=i.split("."),s=l,l=o,o=p[1]),this.addNamespaces(o);var d=zi(this.data,p)||{};s?Nc(d,l,a):d=si(si({},d),l),Ta(this.data,p,d),u.silent||this.emit("added",i,o,l)}},{key:"removeResourceBundle",value:function(i,o){this.hasResourceBundle(i,o)&&delete this.data[i][o],this.removeNamespaces(o),this.emit("removed",i,o)}},{key:"hasResourceBundle",value:function(i,o){return this.getResource(i,o)!==void 0}},{key:"getResourceBundle",value:function(i,o){return o||(o=this.options.defaultNS),this.options.compatibilityAPI==="v1"?si(si({},{}),this.getResource(i,o)):this.getResource(i,o)}},{key:"getDataByLanguage",value:function(i){return this.data[i]}},{key:"hasLanguageSomeTranslations",value:function(i){var o=this.getDataByLanguage(i),l=o&&Object.keys(o)||[];return!!l.find(function(s){return o[s]&&Object.keys(o[s]).length>0})}},{key:"toJSON",value:function(){return this.data}}]),n}(en),xc={processors:{},addPostProcessor:function(t){this.processors[t.name]=t},handle:function(t,n,r,i,o){var l=this;return t.forEach(function(s){l.processors[s]&&(n=l.processors[s].process(n,r,i,o))}),n}};function ja(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function ke(e){for(var t=1;t"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}var Fa={},Aa=function(e){ho(n,e);var t=Ap(n);function n(r){var i,o=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};return ft(this,n),i=t.call(this),mo&&en.call(Ht(i)),xp(["resourceStore","languageUtils","pluralResolver","interpolator","backendConnector","i18nFormat","utils"],r,Ht(i)),i.options=o,i.options.keySeparator===void 0&&(i.options.keySeparator="."),i.logger=wt.create("translator"),i}return pt(n,[{key:"changeLanguage",value:function(i){i&&(this.language=i)}},{key:"exists",value:function(i){var o=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}};if(i==null)return!1;var l=this.resolve(i,o);return l&&l.res!==void 0}},{key:"extractFromKey",value:function(i,o){var l=o.nsSeparator!==void 0?o.nsSeparator:this.options.nsSeparator;l===void 0&&(l=":");var s=o.keySeparator!==void 0?o.keySeparator:this.options.keySeparator,a=o.ns||this.options.defaultNS||[],u=l&&i.indexOf(l)>-1,p=!this.options.userDefinedKeySeparator&&!o.keySeparator&&!this.options.userDefinedNsSeparator&&!o.nsSeparator&&!Rp(i,l,s);if(u&&!p){var d=i.match(this.interpolator.nestingRegexp);if(d&&d.length>0)return{key:i,namespaces:a};var h=i.split(l);(l!==s||l===s&&this.options.ns.indexOf(h[0])>-1)&&(a=h.shift()),i=h.join(s)}return typeof a=="string"&&(a=[a]),{key:i,namespaces:a}}},{key:"translate",value:function(i,o,l){var s=this;if(pe(o)!=="object"&&this.options.overloadTranslationOptionHandler&&(o=this.options.overloadTranslationOptionHandler(arguments)),o||(o={}),i==null)return"";Array.isArray(i)||(i=[String(i)]);var a=o.returnDetails!==void 0?o.returnDetails:this.options.returnDetails,u=o.keySeparator!==void 0?o.keySeparator:this.options.keySeparator,p=this.extractFromKey(i[i.length-1],o),d=p.key,h=p.namespaces,g=h[h.length-1],y=o.lng||this.language,k=o.appendNamespaceToCIMode||this.options.appendNamespaceToCIMode;if(y&&y.toLowerCase()==="cimode"){if(k){var _=o.nsSeparator||this.options.nsSeparator;return a?{res:"".concat(g).concat(_).concat(d),usedKey:d,exactUsedKey:d,usedLng:y,usedNS:g}:"".concat(g).concat(_).concat(d)}return a?{res:d,usedKey:d,exactUsedKey:d,usedLng:y,usedNS:g}:d}var f=this.resolve(i,o),c=f&&f.res,m=f&&f.usedKey||d,w=f&&f.exactUsedKey||d,O=Object.prototype.toString.apply(c),S=["[object Number]","[object Function]","[object RegExp]"],P=o.joinArrays!==void 0?o.joinArrays:this.options.joinArrays,x=!this.i18nFormat||this.i18nFormat.handleAsObject,j=typeof c!="string"&&typeof c!="boolean"&&typeof c!="number";if(x&&c&&j&&S.indexOf(O)<0&&!(typeof P=="string"&&O==="[object Array]")){if(!o.returnObjects&&!this.options.returnObjects){this.options.returnedObjectHandler||this.logger.warn("accessing an object - but returnObjects options is not enabled!");var E=this.options.returnedObjectHandler?this.options.returnedObjectHandler(m,c,ke(ke({},o),{},{ns:h})):"key '".concat(d," (").concat(this.language,")' returned an object instead of string.");return a?(f.res=E,f):E}if(u){var W=O==="[object Array]",Ie=W?[]:{},_t=W?w:m;for(var nt in c)if(Object.prototype.hasOwnProperty.call(c,nt)){var En="".concat(_t).concat(u).concat(nt);Ie[nt]=this.translate(En,ke(ke({},o),{joinArrays:!1,ns:h})),Ie[nt]===En&&(Ie[nt]=c[nt])}c=Ie}}else if(x&&typeof P=="string"&&O==="[object Array]")c=c.join(P),c&&(c=this.extendTranslation(c,i,o,l));else{var ht=!1,rt=!1,C=o.count!==void 0&&typeof o.count!="string",L=n.hasDefaultValue(o),F=C?this.pluralResolver.getSuffix(y,o.count,o):"",V=o["defaultValue".concat(F)]||o.defaultValue;!this.isValidLookup(c)&&L&&(ht=!0,c=V),this.isValidLookup(c)||(rt=!0,c=d);var X=o.missingKeyNoValueFallbackToKey||this.options.missingKeyNoValueFallbackToKey,Nt=X&&rt?void 0:c,Ue=L&&V!==c&&this.options.updateMissing;if(rt||ht||Ue){if(this.logger.log(Ue?"updateKey":"missingKey",y,g,d,Ue?V:c),u){var Cn=this.resolve(d,ke(ke({},o),{},{keySeparator:!1}));Cn&&Cn.res&&this.logger.warn("Seems the loaded translations were in flat JSON format instead of nested. Either set keySeparator: false on init or make sure your translations are published in nested format.")}var be=[],Pt=this.languageUtils.getFallbackCodes(this.options.fallbackLng,o.lng||this.language);if(this.options.saveMissingTo==="fallback"&&Pt&&Pt[0])for(var Lo=0;Lo1&&arguments[1]!==void 0?arguments[1]:{},s,a,u,p,d;return typeof i=="string"&&(i=[i]),i.forEach(function(h){if(!o.isValidLookup(s)){var g=o.extractFromKey(h,l),y=g.key;a=y;var k=g.namespaces;o.options.fallbackNS&&(k=k.concat(o.options.fallbackNS));var _=l.count!==void 0&&typeof l.count!="string",f=_&&!l.ordinal&&l.count===0&&o.pluralResolver.shouldUseIntlApi(),c=l.context!==void 0&&(typeof l.context=="string"||typeof l.context=="number")&&l.context!=="",m=l.lngs?l.lngs:o.languageUtils.toResolveHierarchy(l.lng||o.language,l.fallbackLng);k.forEach(function(w){o.isValidLookup(s)||(d=w,!Fa["".concat(m[0],"-").concat(w)]&&o.utils&&o.utils.hasLoadedNamespace&&!o.utils.hasLoadedNamespace(d)&&(Fa["".concat(m[0],"-").concat(w)]=!0,o.logger.warn('key "'.concat(a,'" for languages "').concat(m.join(", "),`" won't get resolved as namespace "`).concat(d,'" was not yet loaded'),"This means something IS WRONG in your setup. You access the t function before i18next.init / i18next.loadNamespace / i18next.changeLanguage was done. Wait for the callback or Promise to resolve before accessing it!!!")),m.forEach(function(O){if(!o.isValidLookup(s)){p=O;var S=[y];if(o.i18nFormat&&o.i18nFormat.addLookupKeys)o.i18nFormat.addLookupKeys(S,y,O,w,l);else{var P;_&&(P=o.pluralResolver.getSuffix(O,l.count,l));var x="".concat(o.options.pluralSeparator,"zero");if(_&&(S.push(y+P),f&&S.push(y+x)),c){var j="".concat(y).concat(o.options.contextSeparator).concat(l.context);S.push(j),_&&(S.push(j+P),f&&S.push(j+x))}}for(var E;E=S.pop();)o.isValidLookup(s)||(u=E,s=o.getResource(O,w,E,l))}}))})}}),{res:s,usedKey:a,exactUsedKey:u,usedLng:p,usedNS:d}}},{key:"isValidLookup",value:function(i){return i!==void 0&&!(!this.options.returnNull&&i===null)&&!(!this.options.returnEmptyString&&i==="")}},{key:"getResource",value:function(i,o,l){var s=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return this.i18nFormat&&this.i18nFormat.getResource?this.i18nFormat.getResource(i,o,l,s):this.resourceStore.getResource(i,o,l,s)}}],[{key:"hasDefaultValue",value:function(i){var o="defaultValue";for(var l in i)if(Object.prototype.hasOwnProperty.call(i,l)&&o===l.substring(0,o.length)&&i[l]!==void 0)return!0;return!1}}]),n}(en);function Do(e){return e.charAt(0).toUpperCase()+e.slice(1)}var Da=function(){function e(t){ft(this,e),this.options=t,this.supportedLngs=this.options.supportedLngs||!1,this.logger=wt.create("languageUtils")}return pt(e,[{key:"getScriptPartFromCode",value:function(n){if(!n||n.indexOf("-")<0)return null;var r=n.split("-");return r.length===2||(r.pop(),r[r.length-1].toLowerCase()==="x")?null:this.formatLanguageCode(r.join("-"))}},{key:"getLanguagePartFromCode",value:function(n){if(!n||n.indexOf("-")<0)return n;var r=n.split("-");return this.formatLanguageCode(r[0])}},{key:"formatLanguageCode",value:function(n){if(typeof n=="string"&&n.indexOf("-")>-1){var r=["hans","hant","latn","cyrl","cans","mong","arab"],i=n.split("-");return this.options.lowerCaseLng?i=i.map(function(o){return o.toLowerCase()}):i.length===2?(i[0]=i[0].toLowerCase(),i[1]=i[1].toUpperCase(),r.indexOf(i[1].toLowerCase())>-1&&(i[1]=Do(i[1].toLowerCase()))):i.length===3&&(i[0]=i[0].toLowerCase(),i[1].length===2&&(i[1]=i[1].toUpperCase()),i[0]!=="sgn"&&i[2].length===2&&(i[2]=i[2].toUpperCase()),r.indexOf(i[1].toLowerCase())>-1&&(i[1]=Do(i[1].toLowerCase())),r.indexOf(i[2].toLowerCase())>-1&&(i[2]=Do(i[2].toLowerCase()))),i.join("-")}return this.options.cleanCode||this.options.lowerCaseLng?n.toLowerCase():n}},{key:"isSupportedCode",value:function(n){return(this.options.load==="languageOnly"||this.options.nonExplicitSupportedLngs)&&(n=this.getLanguagePartFromCode(n)),!this.supportedLngs||!this.supportedLngs.length||this.supportedLngs.indexOf(n)>-1}},{key:"getBestMatchFromCodes",value:function(n){var r=this;if(!n)return null;var i;return n.forEach(function(o){if(!i){var l=r.formatLanguageCode(o);(!r.options.supportedLngs||r.isSupportedCode(l))&&(i=l)}}),!i&&this.options.supportedLngs&&n.forEach(function(o){if(!i){var l=r.getLanguagePartFromCode(o);if(r.isSupportedCode(l))return i=l;i=r.options.supportedLngs.find(function(s){if(s.indexOf(l)===0)return s})}}),i||(i=this.getFallbackCodes(this.options.fallbackLng)[0]),i}},{key:"getFallbackCodes",value:function(n,r){if(!n)return[];if(typeof n=="function"&&(n=n(r)),typeof n=="string"&&(n=[n]),Object.prototype.toString.apply(n)==="[object Array]")return n;if(!r)return n.default||[];var i=n[r];return i||(i=n[this.getScriptPartFromCode(r)]),i||(i=n[this.formatLanguageCode(r)]),i||(i=n[this.getLanguagePartFromCode(r)]),i||(i=n.default),i||[]}},{key:"toResolveHierarchy",value:function(n,r){var i=this,o=this.getFallbackCodes(r||this.options.fallbackLng||[],n),l=[],s=function(u){u&&(i.isSupportedCode(u)?l.push(u):i.logger.warn("rejecting language code not found in supportedLngs: ".concat(u)))};return typeof n=="string"&&n.indexOf("-")>-1?(this.options.load!=="languageOnly"&&s(this.formatLanguageCode(n)),this.options.load!=="languageOnly"&&this.options.load!=="currentOnly"&&s(this.getScriptPartFromCode(n)),this.options.load!=="currentOnly"&&s(this.getLanguagePartFromCode(n))):typeof n=="string"&&s(this.formatLanguageCode(n)),o.forEach(function(a){l.indexOf(a)<0&&s(i.formatLanguageCode(a))}),l}}]),e}(),Up=[{lngs:["ach","ak","am","arn","br","fil","gun","ln","mfe","mg","mi","oc","pt","pt-BR","tg","tl","ti","tr","uz","wa"],nr:[1,2],fc:1},{lngs:["af","an","ast","az","bg","bn","ca","da","de","dev","el","en","eo","es","et","eu","fi","fo","fur","fy","gl","gu","ha","hi","hu","hy","ia","it","kk","kn","ku","lb","mai","ml","mn","mr","nah","nap","nb","ne","nl","nn","no","nso","pa","pap","pms","ps","pt-PT","rm","sco","se","si","so","son","sq","sv","sw","ta","te","tk","ur","yo"],nr:[1,2],fc:2},{lngs:["ay","bo","cgg","fa","ht","id","ja","jbo","ka","km","ko","ky","lo","ms","sah","su","th","tt","ug","vi","wo","zh"],nr:[1],fc:3},{lngs:["be","bs","cnr","dz","hr","ru","sr","uk"],nr:[1,2,5],fc:4},{lngs:["ar"],nr:[0,1,2,3,11,100],fc:5},{lngs:["cs","sk"],nr:[1,2,5],fc:6},{lngs:["csb","pl"],nr:[1,2,5],fc:7},{lngs:["cy"],nr:[1,2,3,8],fc:8},{lngs:["fr"],nr:[1,2],fc:9},{lngs:["ga"],nr:[1,2,3,7,11],fc:10},{lngs:["gd"],nr:[1,2,3,20],fc:11},{lngs:["is"],nr:[1,2],fc:12},{lngs:["jv"],nr:[0,1],fc:13},{lngs:["kw"],nr:[1,2,3,4],fc:14},{lngs:["lt"],nr:[1,2,10],fc:15},{lngs:["lv"],nr:[1,2,0],fc:16},{lngs:["mk"],nr:[1,2],fc:17},{lngs:["mnk"],nr:[0,1,2],fc:18},{lngs:["mt"],nr:[1,2,11,20],fc:19},{lngs:["or"],nr:[2,1],fc:2},{lngs:["ro"],nr:[1,2,20],fc:20},{lngs:["sl"],nr:[5,1,2,3],fc:21},{lngs:["he","iw"],nr:[1,2,20,21],fc:22}],bp={1:function(t){return+(t>1)},2:function(t){return+(t!=1)},3:function(t){return 0},4:function(t){return t%10==1&&t%100!=11?0:t%10>=2&&t%10<=4&&(t%100<10||t%100>=20)?1:2},5:function(t){return t==0?0:t==1?1:t==2?2:t%100>=3&&t%100<=10?3:t%100>=11?4:5},6:function(t){return t==1?0:t>=2&&t<=4?1:2},7:function(t){return t==1?0:t%10>=2&&t%10<=4&&(t%100<10||t%100>=20)?1:2},8:function(t){return t==1?0:t==2?1:t!=8&&t!=11?2:3},9:function(t){return+(t>=2)},10:function(t){return t==1?0:t==2?1:t<7?2:t<11?3:4},11:function(t){return t==1||t==11?0:t==2||t==12?1:t>2&&t<20?2:3},12:function(t){return+(t%10!=1||t%100==11)},13:function(t){return+(t!==0)},14:function(t){return t==1?0:t==2?1:t==3?2:3},15:function(t){return t%10==1&&t%100!=11?0:t%10>=2&&(t%100<10||t%100>=20)?1:2},16:function(t){return t%10==1&&t%100!=11?0:t!==0?1:2},17:function(t){return t==1||t%10==1&&t%100!=11?0:1},18:function(t){return t==0?0:t==1?1:2},19:function(t){return t==1?0:t==0||t%100>1&&t%100<11?1:t%100>10&&t%100<20?2:3},20:function(t){return t==1?0:t==0||t%100>0&&t%100<20?1:2},21:function(t){return t%100==1?1:t%100==2?2:t%100==3||t%100==4?3:0},22:function(t){return t==1?0:t==2?1:(t<0||t>10)&&t%10==0?2:3}},zp=["v1","v2","v3"],Ua={zero:0,one:1,two:2,few:3,many:4,other:5};function Vp(){var e={};return Up.forEach(function(t){t.lngs.forEach(function(n){e[n]={numbers:t.nr,plurals:bp[t.fc]}})}),e}var Mp=function(){function e(t){var n=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};ft(this,e),this.languageUtils=t,this.options=n,this.logger=wt.create("pluralResolver"),(!this.options.compatibilityJSON||this.options.compatibilityJSON==="v4")&&(typeof Intl>"u"||!Intl.PluralRules)&&(this.options.compatibilityJSON="v3",this.logger.error("Your environment seems not to be Intl API compatible, use an Intl.PluralRules polyfill. Will fallback to the compatibilityJSON v3 format handling.")),this.rules=Vp()}return pt(e,[{key:"addRule",value:function(n,r){this.rules[n]=r}},{key:"getRule",value:function(n){var r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};if(this.shouldUseIntlApi())try{return new Intl.PluralRules(n,{type:r.ordinal?"ordinal":"cardinal"})}catch{return}return this.rules[n]||this.rules[this.languageUtils.getLanguagePartFromCode(n)]}},{key:"needsPlural",value:function(n){var r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},i=this.getRule(n,r);return this.shouldUseIntlApi()?i&&i.resolvedOptions().pluralCategories.length>1:i&&i.numbers.length>1}},{key:"getPluralFormsOfKey",value:function(n,r){var i=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{};return this.getSuffixes(n,i).map(function(o){return"".concat(r).concat(o)})}},{key:"getSuffixes",value:function(n){var r=this,i=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},o=this.getRule(n,i);return o?this.shouldUseIntlApi()?o.resolvedOptions().pluralCategories.sort(function(l,s){return Ua[l]-Ua[s]}).map(function(l){return"".concat(r.options.prepend).concat(l)}):o.numbers.map(function(l){return r.getSuffix(n,l,i)}):[]}},{key:"getSuffix",value:function(n,r){var i=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},o=this.getRule(n,i);return o?this.shouldUseIntlApi()?"".concat(this.options.prepend).concat(o.select(r)):this.getSuffixRetroCompatible(o,r):(this.logger.warn("no plural rule found for: ".concat(n)),"")}},{key:"getSuffixRetroCompatible",value:function(n,r){var i=this,o=n.noAbs?n.plurals(r):n.plurals(Math.abs(r)),l=n.numbers[o];this.options.simplifyPluralSuffix&&n.numbers.length===2&&n.numbers[0]===1&&(l===2?l="plural":l===1&&(l=""));var s=function(){return i.options.prepend&&l.toString()?i.options.prepend+l.toString():l.toString()};return this.options.compatibilityJSON==="v1"?l===1?"":typeof l=="number"?"_plural_".concat(l.toString()):s():this.options.compatibilityJSON==="v2"||this.options.simplifyPluralSuffix&&n.numbers.length===2&&n.numbers[0]===1?s():this.options.prepend&&o.toString()?this.options.prepend+o.toString():o.toString()}},{key:"shouldUseIntlApi",value:function(){return!zp.includes(this.options.compatibilityJSON)}}]),e}();function ba(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function it(e){for(var t=1;t0&&arguments[0]!==void 0?arguments[0]:{};ft(this,e),this.logger=wt.create("interpolator"),this.options=t,this.format=t.interpolation&&t.interpolation.format||function(n){return n},this.init(t)}return pt(e,[{key:"init",value:function(){var n=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};n.interpolation||(n.interpolation={escapeValue:!0});var r=n.interpolation;this.escape=r.escape!==void 0?r.escape:Ip,this.escapeValue=r.escapeValue!==void 0?r.escapeValue:!0,this.useRawValueToEscape=r.useRawValueToEscape!==void 0?r.useRawValueToEscape:!1,this.prefix=r.prefix?Tn(r.prefix):r.prefixEscaped||"{{",this.suffix=r.suffix?Tn(r.suffix):r.suffixEscaped||"}}",this.formatSeparator=r.formatSeparator?r.formatSeparator:r.formatSeparator||",",this.unescapePrefix=r.unescapeSuffix?"":r.unescapePrefix||"-",this.unescapeSuffix=this.unescapePrefix?"":r.unescapeSuffix||"",this.nestingPrefix=r.nestingPrefix?Tn(r.nestingPrefix):r.nestingPrefixEscaped||Tn("$t("),this.nestingSuffix=r.nestingSuffix?Tn(r.nestingSuffix):r.nestingSuffixEscaped||Tn(")"),this.nestingOptionsSeparator=r.nestingOptionsSeparator?r.nestingOptionsSeparator:r.nestingOptionsSeparator||",",this.maxReplaces=r.maxReplaces?r.maxReplaces:1e3,this.alwaysFormat=r.alwaysFormat!==void 0?r.alwaysFormat:!1,this.resetRegExp()}},{key:"reset",value:function(){this.options&&this.init(this.options)}},{key:"resetRegExp",value:function(){var n="".concat(this.prefix,"(.+?)").concat(this.suffix);this.regexp=new RegExp(n,"g");var r="".concat(this.prefix).concat(this.unescapePrefix,"(.+?)").concat(this.unescapeSuffix).concat(this.suffix);this.regexpUnescape=new RegExp(r,"g");var i="".concat(this.nestingPrefix,"(.+?)").concat(this.nestingSuffix);this.nestingRegexp=new RegExp(i,"g")}},{key:"interpolate",value:function(n,r,i,o){var l=this,s,a,u,p=this.options&&this.options.interpolation&&this.options.interpolation.defaultVariables||{};function d(_){return _.replace(/\$/g,"$$$$")}var h=function(f){if(f.indexOf(l.formatSeparator)<0){var c=Ra(r,p,f);return l.alwaysFormat?l.format(c,void 0,i,it(it(it({},o),r),{},{interpolationkey:f})):c}var m=f.split(l.formatSeparator),w=m.shift().trim(),O=m.join(l.formatSeparator).trim();return l.format(Ra(r,p,w),O,i,it(it(it({},o),r),{},{interpolationkey:w}))};this.resetRegExp();var g=o&&o.missingInterpolationHandler||this.options.missingInterpolationHandler,y=o&&o.interpolation&&o.interpolation.skipOnVariables!==void 0?o.interpolation.skipOnVariables:this.options.interpolation.skipOnVariables,k=[{regex:this.regexpUnescape,safeValue:function(f){return d(f)}},{regex:this.regexp,safeValue:function(f){return l.escapeValue?d(l.escape(f)):d(f)}}];return k.forEach(function(_){for(u=0;s=_.regex.exec(n);){var f=s[1].trim();if(a=h(f),a===void 0)if(typeof g=="function"){var c=g(n,s,o);a=typeof c=="string"?c:""}else if(o&&Object.prototype.hasOwnProperty.call(o,f))a="";else if(y){a=s[0];continue}else l.logger.warn("missed to pass in variable ".concat(f," for interpolating ").concat(n)),a="";else typeof a!="string"&&!l.useRawValueToEscape&&(a=Ia(a));var m=_.safeValue(a);if(n=n.replace(s[0],m),y?(_.regex.lastIndex+=a.length,_.regex.lastIndex-=s[0].length):_.regex.lastIndex=0,u++,u>=l.maxReplaces)break}}),n}},{key:"nest",value:function(n,r){var i=this,o=arguments.length>2&&arguments[2]!==void 0?arguments[2]:{},l,s,a;function u(g,y){var k=this.nestingOptionsSeparator;if(g.indexOf(k)<0)return g;var _=g.split(new RegExp("".concat(k,"[ ]*{"))),f="{".concat(_[1]);g=_[0],f=this.interpolate(f,a);var c=f.match(/'/g),m=f.match(/"/g);(c&&c.length%2===0&&!m||m.length%2!==0)&&(f=f.replace(/'/g,'"'));try{a=JSON.parse(f),y&&(a=it(it({},y),a))}catch(w){return this.logger.warn("failed parsing options string in nesting for key ".concat(g),w),"".concat(g).concat(k).concat(f)}return delete a.defaultValue,g}for(;l=this.nestingRegexp.exec(n);){var p=[];a=it({},o),a=a.replace&&typeof a.replace!="string"?a.replace:a,a.applyPostProcessor=!1,delete a.defaultValue;var d=!1;if(l[0].indexOf(this.formatSeparator)!==-1&&!/{.*}/.test(l[1])){var h=l[1].split(this.formatSeparator).map(function(g){return g.trim()});l[1]=h.shift(),p=h,d=!0}if(s=r(u.call(this,l[1].trim(),a),a),s&&l[0]===n&&typeof s!="string")return s;typeof s!="string"&&(s=Ia(s)),s||(this.logger.warn("missed to resolve ".concat(l[1]," for nesting ").concat(n)),s=""),d&&(s=p.reduce(function(g,y){return i.format(g,y,o.lng,it(it({},o),{},{interpolationkey:l[1].trim()}))},s.trim())),n=n.replace(l[0],s),this.regexp.lastIndex=0}return n}}]),e}();function za(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function xt(e){for(var t=1;t-1){var r=e.split("(");t=r[0].toLowerCase().trim();var i=r[1].substring(0,r[1].length-1);if(t==="currency"&&i.indexOf(":")<0)n.currency||(n.currency=i.trim());else if(t==="relativetime"&&i.indexOf(":")<0)n.range||(n.range=i.trim());else{var o=i.split(";");o.forEach(function(l){if(l){var s=l.split(":"),a=_p(s),u=a[0],p=a.slice(1),d=p.join(":").trim().replace(/^'+|'+$/g,"");n[u.trim()]||(n[u.trim()]=d),d==="false"&&(n[u.trim()]=!1),d==="true"&&(n[u.trim()]=!0),isNaN(d)||(n[u.trim()]=parseInt(d,10))}})}}return{formatName:t,formatOptions:n}}function Rn(e){var t={};return function(r,i,o){var l=i+JSON.stringify(o),s=t[l];return s||(s=e(i,o),t[l]=s),s(r)}}var Kp=function(){function e(){var t=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{};ft(this,e),this.logger=wt.create("formatter"),this.options=t,this.formats={number:Rn(function(n,r){var i=new Intl.NumberFormat(n,xt({},r));return function(o){return i.format(o)}}),currency:Rn(function(n,r){var i=new Intl.NumberFormat(n,xt(xt({},r),{},{style:"currency"}));return function(o){return i.format(o)}}),datetime:Rn(function(n,r){var i=new Intl.DateTimeFormat(n,xt({},r));return function(o){return i.format(o)}}),relativetime:Rn(function(n,r){var i=new Intl.RelativeTimeFormat(n,xt({},r));return function(o){return i.format(o,r.range||"day")}}),list:Rn(function(n,r){var i=new Intl.ListFormat(n,xt({},r));return function(o){return i.format(o)}})},this.init(t)}return pt(e,[{key:"init",value:function(n){var r=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{interpolation:{}},i=r.interpolation;this.formatSeparator=i.formatSeparator?i.formatSeparator:i.formatSeparator||","}},{key:"add",value:function(n,r){this.formats[n.toLowerCase().trim()]=r}},{key:"addCached",value:function(n,r){this.formats[n.toLowerCase().trim()]=Rn(r)}},{key:"format",value:function(n,r,i){var o=this,l=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{},s=r.split(this.formatSeparator),a=s.reduce(function(u,p){var d=Bp(p),h=d.formatName,g=d.formatOptions;if(o.formats[h]){var y=u;try{var k=l&&l.formatParams&&l.formatParams[l.interpolationkey]||{},_=k.locale||k.lng||l.locale||l.lng||i;y=o.formats[h](u,_,xt(xt(xt({},g),l),k))}catch(f){o.logger.warn(f)}return y}else o.logger.warn("there was no format function for ".concat(h));return u},n);return a}}]),e}();function Va(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function Ma(e){for(var t=1;t"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function Gp(e,t){e.pending[t]!==void 0&&(delete e.pending[t],e.pendingCount--)}var Yp=function(e){ho(n,e);var t=Hp(n);function n(r,i,o){var l,s=arguments.length>3&&arguments[3]!==void 0?arguments[3]:{};return ft(this,n),l=t.call(this),mo&&en.call(Ht(l)),l.backend=r,l.store=i,l.services=o,l.languageUtils=o.languageUtils,l.options=s,l.logger=wt.create("backendConnector"),l.waitingReads=[],l.maxParallelReads=s.maxParallelReads||10,l.readingCalls=0,l.maxRetries=s.maxRetries>=0?s.maxRetries:5,l.retryTimeout=s.retryTimeout>=1?s.retryTimeout:350,l.state={},l.queue=[],l.backend&&l.backend.init&&l.backend.init(o,s.backend,s),l}return pt(n,[{key:"queueLoad",value:function(i,o,l,s){var a=this,u={},p={},d={},h={};return i.forEach(function(g){var y=!0;o.forEach(function(k){var _="".concat(g,"|").concat(k);!l.reload&&a.store.hasResourceBundle(g,k)?a.state[_]=2:a.state[_]<0||(a.state[_]===1?p[_]===void 0&&(p[_]=!0):(a.state[_]=1,y=!1,p[_]===void 0&&(p[_]=!0),u[_]===void 0&&(u[_]=!0),h[k]===void 0&&(h[k]=!0)))}),y||(d[g]=!0)}),(Object.keys(u).length||Object.keys(p).length)&&this.queue.push({pending:p,pendingCount:Object.keys(p).length,loaded:{},errors:[],callback:s}),{toLoad:Object.keys(u),pending:Object.keys(p),toLoadLanguages:Object.keys(d),toLoadNamespaces:Object.keys(h)}}},{key:"loaded",value:function(i,o,l){var s=i.split("|"),a=s[0],u=s[1];o&&this.emit("failedLoading",a,u,o),l&&this.store.addResourceBundle(a,u,l),this.state[i]=o?-1:2;var p={};this.queue.forEach(function(d){Ep(d.loaded,[a],u),Gp(d,i),o&&d.errors.push(o),d.pendingCount===0&&!d.done&&(Object.keys(d.loaded).forEach(function(h){p[h]||(p[h]={});var g=d.loaded[h];g.length&&g.forEach(function(y){p[h][y]===void 0&&(p[h][y]=!0)})}),d.done=!0,d.errors.length?d.callback(d.errors):d.callback())}),this.emit("loaded",p),this.queue=this.queue.filter(function(d){return!d.done})}},{key:"read",value:function(i,o,l){var s=this,a=arguments.length>3&&arguments[3]!==void 0?arguments[3]:0,u=arguments.length>4&&arguments[4]!==void 0?arguments[4]:this.retryTimeout,p=arguments.length>5?arguments[5]:void 0;if(!i.length)return p(null,{});if(this.readingCalls>=this.maxParallelReads){this.waitingReads.push({lng:i,ns:o,fcName:l,tried:a,wait:u,callback:p});return}this.readingCalls++;var d=function(k,_){if(s.readingCalls--,s.waitingReads.length>0){var f=s.waitingReads.shift();s.read(f.lng,f.ns,f.fcName,f.tried,f.wait,f.callback)}if(k&&_&&a2&&arguments[2]!==void 0?arguments[2]:{},a=arguments.length>3?arguments[3]:void 0;if(!this.backend)return this.logger.warn("No backend was added via i18next.use. Will not load resources."),a&&a();typeof i=="string"&&(i=this.languageUtils.toResolveHierarchy(i)),typeof o=="string"&&(o=[o]);var u=this.queueLoad(i,o,s,a);if(!u.toLoad.length)return u.pending.length||a(),null;u.toLoad.forEach(function(p){l.loadOne(p)})}},{key:"load",value:function(i,o,l){this.prepareLoading(i,o,{},l)}},{key:"reload",value:function(i,o,l){this.prepareLoading(i,o,{reload:!0},l)}},{key:"loadOne",value:function(i){var o=this,l=arguments.length>1&&arguments[1]!==void 0?arguments[1]:"",s=i.split("|"),a=s[0],u=s[1];this.read(a,u,"read",void 0,void 0,function(p,d){p&&o.logger.warn("".concat(l,"loading namespace ").concat(u," for language ").concat(a," failed"),p),!p&&d&&o.logger.log("".concat(l,"loaded namespace ").concat(u," for language ").concat(a),d),o.loaded(i,p,d)})}},{key:"saveMissing",value:function(i,o,l,s,a){var u=arguments.length>5&&arguments[5]!==void 0?arguments[5]:{},p=arguments.length>6&&arguments[6]!==void 0?arguments[6]:function(){};if(this.services.utils&&this.services.utils.hasLoadedNamespace&&!this.services.utils.hasLoadedNamespace(o)){this.logger.warn('did not save key "'.concat(l,'" as the namespace "').concat(o,'" was not yet loaded'),"This means something IS WRONG in your setup. You access the t function before i18next.init / i18next.loadNamespace / i18next.changeLanguage was done. Wait for the callback or Promise to resolve before accessing it!!!");return}if(!(l==null||l==="")){if(this.backend&&this.backend.create){var d=Ma(Ma({},u),{},{isUpdate:a}),h=this.backend.create.bind(this.backend);if(h.length<6)try{var g;h.length===5?g=h(i,o,l,s,d):g=h(i,o,l,s),g&&typeof g.then=="function"?g.then(function(y){return p(null,y)}).catch(p):p(null,g)}catch(y){p(y)}else h(i,o,l,s,p,d)}!i||!i[0]||this.store.addResource(i[0],o,l,s)}}}]),n}(en);function $a(){return{debug:!1,initImmediate:!0,ns:["translation"],defaultNS:["translation"],fallbackLng:["dev"],fallbackNS:!1,supportedLngs:!1,nonExplicitSupportedLngs:!1,load:"all",preload:!1,simplifyPluralSuffix:!0,keySeparator:".",nsSeparator:":",pluralSeparator:"_",contextSeparator:"_",partialBundledLanguages:!1,saveMissing:!1,updateMissing:!1,saveMissingTo:"fallback",saveMissingPlurals:!0,missingKeyHandler:!1,missingInterpolationHandler:!1,postProcess:!1,postProcessPassResolved:!1,returnNull:!0,returnEmptyString:!0,returnObjects:!1,joinArrays:!1,returnedObjectHandler:!1,parseMissingKeyHandler:!1,appendNamespaceToMissingKey:!1,appendNamespaceToCIMode:!1,overloadTranslationOptionHandler:function(t){var n={};if(pe(t[1])==="object"&&(n=t[1]),typeof t[1]=="string"&&(n.defaultValue=t[1]),typeof t[2]=="string"&&(n.tDescription=t[2]),pe(t[2])==="object"||pe(t[3])==="object"){var r=t[3]||t[2];Object.keys(r).forEach(function(i){n[i]=r[i]})}return n},interpolation:{escapeValue:!0,format:function(t,n,r,i){return t},prefix:"{{",suffix:"}}",formatSeparator:",",unescapePrefix:"-",nestingPrefix:"$t(",nestingSuffix:")",nestingOptionsSeparator:",",maxReplaces:1e3,skipOnVariables:!0}}}function Ba(e){return typeof e.ns=="string"&&(e.ns=[e.ns]),typeof e.fallbackLng=="string"&&(e.fallbackLng=[e.fallbackLng]),typeof e.fallbackNS=="string"&&(e.fallbackNS=[e.fallbackNS]),e.supportedLngs&&e.supportedLngs.indexOf("cimode")<0&&(e.supportedLngs=e.supportedLngs.concat(["cimode"])),e}function Ka(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable})),n.push.apply(n,r)}return n}function mt(e){for(var t=1;t"u"||!Reflect.construct||Reflect.construct.sham)return!1;if(typeof Proxy=="function")return!0;try{return Boolean.prototype.valueOf.call(Reflect.construct(Boolean,[],function(){})),!0}catch{return!1}}function ai(){}function Jp(e){var t=Object.getOwnPropertyNames(Object.getPrototypeOf(e));t.forEach(function(n){typeof e[n]=="function"&&(e[n]=e[n].bind(e))})}var Vi=function(e){ho(n,e);var t=Qp(n);function n(){var r,i=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},o=arguments.length>1?arguments[1]:void 0;if(ft(this,n),r=t.call(this),mo&&en.call(Ht(r)),r.options=Ba(i),r.services={},r.logger=wt,r.modules={external:[]},Jp(Ht(r)),o&&!r.isInitialized&&!i.isClone){if(!r.options.initImmediate)return r.init(i,o),ei(r,Ht(r));setTimeout(function(){r.init(i,o)},0)}return r}return pt(n,[{key:"init",value:function(){var i=this,o=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},l=arguments.length>1?arguments[1]:void 0;typeof o=="function"&&(l=o,o={}),!o.defaultNS&&o.defaultNS!==!1&&o.ns&&(typeof o.ns=="string"?o.defaultNS=o.ns:o.ns.indexOf("translation")<0&&(o.defaultNS=o.ns[0]));var s=$a();this.options=mt(mt(mt({},s),this.options),Ba(o)),this.options.compatibilityAPI!=="v1"&&(this.options.interpolation=mt(mt({},s.interpolation),this.options.interpolation)),o.keySeparator!==void 0&&(this.options.userDefinedKeySeparator=o.keySeparator),o.nsSeparator!==void 0&&(this.options.userDefinedNsSeparator=o.nsSeparator);function a(f){return f?typeof f=="function"?new f:f:null}if(!this.options.isClone){this.modules.logger?wt.init(a(this.modules.logger),this.options):wt.init(null,this.options);var u;this.modules.formatter?u=this.modules.formatter:typeof Intl<"u"&&(u=Kp);var p=new Da(this.options);this.store=new Fp(this.options.resources,this.options);var d=this.services;d.logger=wt,d.resourceStore=this.store,d.languageUtils=p,d.pluralResolver=new Mp(p,{prepend:this.options.pluralSeparator,compatibilityJSON:this.options.compatibilityJSON,simplifyPluralSuffix:this.options.simplifyPluralSuffix}),u&&(!this.options.interpolation.format||this.options.interpolation.format===s.interpolation.format)&&(d.formatter=a(u),d.formatter.init(d,this.options),this.options.interpolation.format=d.formatter.format.bind(d.formatter)),d.interpolator=new $p(this.options),d.utils={hasLoadedNamespace:this.hasLoadedNamespace.bind(this)},d.backendConnector=new Yp(a(this.modules.backend),d.resourceStore,d,this.options),d.backendConnector.on("*",function(f){for(var c=arguments.length,m=new Array(c>1?c-1:0),w=1;w1?c-1:0),w=1;w0&&h[0]!=="dev"&&(this.options.lng=h[0])}!this.services.languageDetector&&!this.options.lng&&this.logger.warn("init: no languageDetector is used and no lng is defined");var g=["getResource","hasResourceBundle","getResourceBundle","getDataByLanguage"];g.forEach(function(f){i[f]=function(){var c;return(c=i.store)[f].apply(c,arguments)}});var y=["addResource","addResources","addResourceBundle","removeResourceBundle"];y.forEach(function(f){i[f]=function(){var c;return(c=i.store)[f].apply(c,arguments),i}});var k=fr(),_=function(){var c=function(w,O){i.isInitialized&&!i.initializedStoreOnce&&i.logger.warn("init: i18next is already initialized. You should call init just once!"),i.isInitialized=!0,i.options.isClone||i.logger.log("initialized",i.options),i.emit("initialized",i.options),k.resolve(O),l(w,O)};if(i.languages&&i.options.compatibilityAPI!=="v1"&&!i.isInitialized)return c(null,i.t.bind(i));i.changeLanguage(i.options.lng,c)};return this.options.resources||!this.options.initImmediate?_():setTimeout(_,0),k}},{key:"loadResources",value:function(i){var o=this,l=arguments.length>1&&arguments[1]!==void 0?arguments[1]:ai,s=l,a=typeof i=="string"?i:this.language;if(typeof i=="function"&&(s=i),!this.options.resources||this.options.partialBundledLanguages){if(a&&a.toLowerCase()==="cimode")return s();var u=[],p=function(g){if(g){var y=o.services.languageUtils.toResolveHierarchy(g);y.forEach(function(k){u.indexOf(k)<0&&u.push(k)})}};if(a)p(a);else{var d=this.services.languageUtils.getFallbackCodes(this.options.fallbackLng);d.forEach(function(h){return p(h)})}this.options.preload&&this.options.preload.forEach(function(h){return p(h)}),this.services.backendConnector.load(u,this.options.ns,function(h){!h&&!o.resolvedLanguage&&o.language&&o.setResolvedLanguage(o.language),s(h)})}else s(null)}},{key:"reloadResources",value:function(i,o,l){var s=fr();return i||(i=this.languages),o||(o=this.options.ns),l||(l=ai),this.services.backendConnector.reload(i,o,function(a){s.resolve(),l(a)}),s}},{key:"use",value:function(i){if(!i)throw new Error("You are passing an undefined module! Please check the object you are passing to i18next.use()");if(!i.type)throw new Error("You are passing a wrong module! Please check the object you are passing to i18next.use()");return i.type==="backend"&&(this.modules.backend=i),(i.type==="logger"||i.log&&i.warn&&i.error)&&(this.modules.logger=i),i.type==="languageDetector"&&(this.modules.languageDetector=i),i.type==="i18nFormat"&&(this.modules.i18nFormat=i),i.type==="postProcessor"&&xc.addPostProcessor(i),i.type==="formatter"&&(this.modules.formatter=i),i.type==="3rdParty"&&this.modules.external.push(i),this}},{key:"setResolvedLanguage",value:function(i){if(!(!i||!this.languages)&&!(["cimode","dev"].indexOf(i)>-1))for(var o=0;o-1)&&this.store.hasLanguageSomeTranslations(l)){this.resolvedLanguage=l;break}}}},{key:"changeLanguage",value:function(i,o){var l=this;this.isLanguageChangingTo=i;var s=fr();this.emit("languageChanging",i);var a=function(h){l.language=h,l.languages=l.services.languageUtils.toResolveHierarchy(h),l.resolvedLanguage=void 0,l.setResolvedLanguage(h)},u=function(h,g){g?(a(g),l.translator.changeLanguage(g),l.isLanguageChangingTo=void 0,l.emit("languageChanged",g),l.logger.log("languageChanged",g)):l.isLanguageChangingTo=void 0,s.resolve(function(){return l.t.apply(l,arguments)}),o&&o(h,function(){return l.t.apply(l,arguments)})},p=function(h){!i&&!h&&l.services.languageDetector&&(h=[]);var g=typeof h=="string"?h:l.services.languageUtils.getBestMatchFromCodes(h);g&&(l.language||a(g),l.translator.language||l.translator.changeLanguage(g),l.services.languageDetector&&l.services.languageDetector.cacheUserLanguage&&l.services.languageDetector.cacheUserLanguage(g)),l.loadResources(g,function(y){u(y,g)})};return!i&&this.services.languageDetector&&!this.services.languageDetector.async?p(this.services.languageDetector.detect()):!i&&this.services.languageDetector&&this.services.languageDetector.async?this.services.languageDetector.detect.length===0?this.services.languageDetector.detect().then(p):this.services.languageDetector.detect(p):p(i),s}},{key:"getFixedT",value:function(i,o,l){var s=this,a=function u(p,d){var h;if(pe(d)!=="object"){for(var g=arguments.length,y=new Array(g>2?g-2:0),k=2;k1&&arguments[1]!==void 0?arguments[1]:{};if(!this.isInitialized)return this.logger.warn("hasLoadedNamespace: i18next was not initialized",this.languages),!1;if(!this.languages||!this.languages.length)return this.logger.warn("hasLoadedNamespace: i18n.languages were undefined or empty",this.languages),!1;var s=this.resolvedLanguage||this.languages[0],a=this.options?this.options.fallbackLng:!1,u=this.languages[this.languages.length-1];if(s.toLowerCase()==="cimode")return!0;var p=function(g,y){var k=o.services.backendConnector.state["".concat(g,"|").concat(y)];return k===-1||k===2};if(l.precheck){var d=l.precheck(this,p);if(d!==void 0)return d}return!!(this.hasResourceBundle(s,i)||!this.services.backendConnector.backend||this.options.resources&&!this.options.partialBundledLanguages||p(s,i)&&(!a||p(u,i)))}},{key:"loadNamespaces",value:function(i,o){var l=this,s=fr();return this.options.ns?(typeof i=="string"&&(i=[i]),i.forEach(function(a){l.options.ns.indexOf(a)<0&&l.options.ns.push(a)}),this.loadResources(function(a){s.resolve(),o&&o(a)}),s):(o&&o(),Promise.resolve())}},{key:"loadLanguages",value:function(i,o){var l=fr();typeof i=="string"&&(i=[i]);var s=this.options.preload||[],a=i.filter(function(u){return s.indexOf(u)<0});return a.length?(this.options.preload=s.concat(a),this.loadResources(function(u){l.resolve(),o&&o(u)}),l):(o&&o(),Promise.resolve())}},{key:"dir",value:function(i){if(i||(i=this.resolvedLanguage||(this.languages&&this.languages.length>0?this.languages[0]:this.language)),!i)return"rtl";var o=["ar","shu","sqr","ssh","xaa","yhd","yud","aao","abh","abv","acm","acq","acw","acx","acy","adf","ads","aeb","aec","afb","ajp","apc","apd","arb","arq","ars","ary","arz","auz","avl","ayh","ayl","ayn","ayp","bbz","pga","he","iw","ps","pbt","pbu","pst","prp","prd","ug","ur","ydd","yds","yih","ji","yi","hbo","men","xmn","fa","jpr","peo","pes","prs","dv","sam","ckb"],l=this.services&&this.services.languageUtils||new Da($a());return o.indexOf(l.getLanguagePartFromCode(i))>-1||i.toLowerCase().indexOf("-arab")>1?"rtl":"ltr"}},{key:"cloneInstance",value:function(){var i=this,o=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},l=arguments.length>1&&arguments[1]!==void 0?arguments[1]:ai,s=mt(mt(mt({},this.options),o),{isClone:!0}),a=new n(s);(o.debug!==void 0||o.prefix!==void 0)&&(a.logger=a.logger.clone(o));var u=["store","services","language"];return u.forEach(function(p){a[p]=i[p]}),a.services=mt({},this.services),a.services.utils={hasLoadedNamespace:a.hasLoadedNamespace.bind(a)},a.translator=new Aa(a.services,a.options),a.translator.on("*",function(p){for(var d=arguments.length,h=new Array(d>1?d-1:0),g=1;g0&&arguments[0]!==void 0?arguments[0]:{},t=arguments.length>1?arguments[1]:void 0;return new Vi(e,t)});var ce=Vi.createInstance();ce.createInstance=Vi.createInstance;ce.createInstance;ce.dir;ce.init;ce.loadResources;ce.reloadResources;ce.use;ce.changeLanguage;ce.getFixedT;ce.t;ce.exists;ce.setDefaultNamespace;ce.hasLoadedNamespace;ce.loadNamespaces;ce.loadLanguages;function Zp(e,t){if(e==null)return{};var n={},r=Object.keys(e),i,o;for(o=0;o=0)&&(n[i]=e[i]);return n}function ks(e,t){if(e==null)return{};var n=Zp(e,t),r,i;if(Object.getOwnPropertySymbols){var o=Object.getOwnPropertySymbols(e);for(i=0;i=0)&&Object.prototype.propertyIsEnumerable.call(e,r)&&(n[r]=e[r])}return n}var qp={area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0};const eh=uc(qp);var th=/\s([^'"/\s><]+?)[\s/>]|([^\s=]+)=\s?(".*?"|'.*?')/g;function Ha(e){var t={type:"tag",name:"",voidElement:!1,attrs:{},children:[]},n=e.match(/<\/?([^\s]+?)[/\s>]/);if(n&&(t.name=n[1],(eh[n[1]]||e.charAt(e.length-2)==="/")&&(t.voidElement=!0),t.name.startsWith("!--"))){var r=e.indexOf("-->");return{type:"comment",comment:r!==-1?e.slice(4,r):""}}for(var i=new RegExp(th),o=null;(o=i.exec(e))!==null;)if(o[0].trim())if(o[1]){var l=o[1].trim(),s=[l,""];l.indexOf("=")>-1&&(s=l.split("=")),t.attrs[s[0]]=s[1],i.lastIndex--}else o[2]&&(t.attrs[o[2]]=o[3].trim().substring(1,o[3].length-1));return t}var nh=/<[a-zA-Z0-9\-\!\/](?:"[^"]*"|'[^']*'|[^'">])*>/g,rh=/^\s*$/,ih=Object.create(null);function Ec(e,t){switch(t.type){case"text":return e+t.content;case"tag":return e+="<"+t.name+(t.attrs?function(n){var r=[];for(var i in n)r.push(i+'="'+n[i]+'"');return r.length?" "+r.join(" "):""}(t.attrs):"")+(t.voidElement?"/>":">"),t.voidElement?e:e+t.children.reduce(Ec,"")+"";case"comment":return e+""}}var oh={parse:function(e,t){t||(t={}),t.components||(t.components=ih);var n,r=[],i=[],o=-1,l=!1;if(e.indexOf("<")!==0){var s=e.indexOf("<");r.push({type:"text",content:s===-1?e:e.substring(0,s)})}return e.replace(nh,function(a,u){if(l){if(a!=="")return;l=!1}var p,d=a.charAt(1)!=="/",h=a.startsWith("");return{type:"comment",comment:r!==-1?e.slice(4,r):""}}for(var i=new RegExp(th),o=null;(o=i.exec(e))!==null;)if(o[0].trim())if(o[1]){var l=o[1].trim(),s=[l,""];l.indexOf("=")>-1&&(s=l.split("=")),t.attrs[s[0]]=s[1],i.lastIndex--}else o[2]&&(t.attrs[o[2]]=o[3].trim().substring(1,o[3].length-1));return t}var nh=/<[a-zA-Z0-9\-\!\/](?:"[^"]*"|'[^']*'|[^'">])*>/g,rh=/^\s*$/,ih=Object.create(null);function xc(e,t){switch(t.type){case"text":return e+t.content;case"tag":return e+="<"+t.name+(t.attrs?function(n){var r=[];for(var i in n)r.push(i+'="'+n[i]+'"');return r.length?" "+r.join(" "):""}(t.attrs):"")+(t.voidElement?"/>":">"),t.voidElement?e:e+t.children.reduce(xc,"")+"";case"comment":return e+""}}var oh={parse:function(e,t){t||(t={}),t.components||(t.components=ih);var n,r=[],i=[],o=-1,l=!1;if(e.indexOf("<")!==0){var s=e.indexOf("<");r.push({type:"text",content:s===-1?e:e.substring(0,s)})}return e.replace(nh,function(a,u){if(l){if(a!=="")return;l=!1}var p,d=a.charAt(1)!=="/",h=a.startsWith("